diff --git a/data/python/028ad1e.json b/data/python/028ad1e.json new file mode 100644 index 0000000000000000000000000000000000000000..9bd73d9c4fce711b15c34d47322d554a075f731a --- /dev/null +++ b/data/python/028ad1e.json @@ -0,0 +1 @@ +{"language": "Python", "id": 17, "repo_owner": "huggingface", "repo_name": "accelerate", "head_branch": "AjayP13-patch-1", "workflow_name": "Quality Check", "workflow_filename": "quality.yml", "workflow_path": ".github/workflows/quality.yml", "contributor": "AjayP13", "sha_fail": "028ad1efee2c41691d78e5a4de90ebd6f8236cad", "sha_success": "9ff59024aee19e24948401eb8cc7057602592b49", "workflow": "name: Quality Check\n\non: [pull_request]\n\njobs:\n quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.1.0\n - name: Set up Python 3.8\n uses: actions/setup-python@v3\n with:\n python-version: 3.8\n - name: Install Python dependencies\n run: pip install -e .[quality]\n - name: Run Quality check\n run: make quality\n - name: Check if failure\n if: ${{ failure() }}\n run: |\n echo \"Quality check failed. Please ensure the right dependency versions are installed with 'pip install -e .[quality]' and rerun 'make style; make quality;'\" >> $GITHUB_STEP_SUMMARY\n\n", "logs": [{"step_name": "quality/5_Run Quality check.txt", "log": "##[group]Run make quality\n\u001b[36;1mmake quality\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nblack --required-version 23 --check tests src examples benchmarks utils\nAll done! \u2728 \ud83c\udf70 \u2728\n118 files would be left unchanged.\nruff tests src examples benchmarks utils\nsrc/accelerate/utils/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nsrc/accelerate/utils/modeling.py:15:1: I001 [*] Import block is un-sorted or un-formatted\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\nmake: *** [Makefile:16: quality] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/src/accelerate/utils/__init__.py b/src/accelerate/utils/__init__.py\nindex ddf794a..7179afb 100644\n--- a/src/accelerate/utils/__init__.py\n+++ b/src/accelerate/utils/__init__.py\n@@ -59,7 +59,6 @@ from .imports import (\n is_comet_ml_available,\n is_cuda_available,\n is_datasets_available,\n- is_peft_available,\n is_deepspeed_available,\n is_dvclive_available,\n is_fp8_available,\n@@ -70,6 +69,7 @@ from .imports import (\n is_msamp_available,\n is_npu_available,\n is_pandas_available,\n+ is_peft_available,\n is_rich_available,\n is_sagemaker_available,\n is_tensorboard_available,\n@@ -81,7 +81,6 @@ from .imports import (\n is_xpu_available,\n )\n from .modeling import (\n- is_peft_model,\n calculate_maximum_sizes,\n check_device_map,\n check_tied_parameters_in_config,\n@@ -96,6 +95,7 @@ from .modeling import (\n get_mixed_precision_context_manager,\n id_tensor_storage,\n infer_auto_device_map,\n+ is_peft_model,\n load_checkpoint_in_model,\n load_offloaded_weights,\n load_state_dict,\ndiff --git a/src/accelerate/utils/modeling.py b/src/accelerate/utils/modeling.py\nindex 802b13c..03d3a39 100644\n--- a/src/accelerate/utils/modeling.py\n+++ b/src/accelerate/utils/modeling.py\n@@ -30,7 +30,7 @@ import torch.nn as nn\n from ..state import AcceleratorState\n from .constants import SAFE_WEIGHTS_NAME, WEIGHTS_NAME\n from .dataclasses import AutocastKwargs, CustomDtype, DistributedType\n-from .imports import is_mps_available, is_npu_available, is_xpu_available, is_peft_available\n+from .imports import is_mps_available, is_npu_available, is_peft_available, is_xpu_available\n from .offload import load_offloaded_weight, offload_weight, save_offload_index\n from .tqdm import is_tqdm_available, tqdm\n \n", "difficulty": 0, "changed_files": ["src/accelerate/utils/__init__.py", "src/accelerate/utils/modeling.py"], "commit_link": "https://github.com/huggingface/accelerate/tree/028ad1efee2c41691d78e5a4de90ebd6f8236cad"} \ No newline at end of file diff --git a/data/python/03669a5.json b/data/python/03669a5.json new file mode 100644 index 0000000000000000000000000000000000000000..eb2b306589715e9ab0114c485726e8b1621e3552 --- /dev/null +++ b/data/python/03669a5.json @@ -0,0 +1 @@ +{"language": "Python", "id": 32, "repo_owner": "mikel-brostrom", "repo_name": "yolo_tracking", "head_branch": "centroid-asso-support", "workflow_name": "CI CPU testing", "workflow_filename": "ci.yml", "workflow_path": ".github/workflows/ci.yml", "contributor": "mikel-brostrom", "sha_fail": "03669a5d72130c57575bedd657b82c601f08a982", "sha_success": "0948605abb9d6d962450f1bbf9a0b9c96c429b29", "workflow": "# name of the workflow, what it is doing (optional)\nname: CI CPU testing\n\n# events that trigger the workflow (required)\non:\n push:\n branches: [master, CIdebug]\n pull_request:\n # pull request where master is target\n branches: [master]\n\nenv:\n # Directory of PyPi package to be tested\n PACKAGE_DIR: boxmot\n # Minimum acceptable test coverage\n # Increase as you add more tests to increase coverage\n COVERAGE_FAIL_UNDER: 29\n\n# the workflow that gets triggerd\njobs:\n build:\n runs-on: ${{ matrix.os }}\n strategy:\n fail-fast: false\n matrix:\n os: [ubuntu-latest] # skip windows-latest for\n python-version: ['3.8', '3.9', '3.10']\n #model: ['yolov8n', 'yolo_nas_s', yolox_n] # yolo models to test\n #tracking-methods: ['deepocsort', 'ocsort', 'botsort', 'strongsort', 'bytetrack'] # tracking methods to test\n\n # Timeout: https://stackoverflow.com/a/59076067/4521646\n timeout-minutes: 50\n steps:\n\n - uses: actions/checkout@v4 # Check out the repository\n - uses: actions/setup-python@v5 # Prepare environment with python 3.9\n with:\n python-version: ${{ matrix.python-version }}\n cache: 'pip' # caching pip dependencies\n - name: Install requirements\n shell: bash # for Windows compatibility\n run: |\n python -m pip install --upgrade pip setuptools wheel\n pip install -e . pytest pytest-cov --extra-index-url https://download.pytorch.org/whl/cpu\n python --version\n pip --version\n pip list\n\n - name: Tests all tracking options\n shell: bash # for Windows compatibility\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n run: |\n # deepocsort fro all supported yolo models\n python examples/track.py --tracking-method deepocsort --source $IMG --imgsz 320\n python examples/track.py --yolo-model yolo_nas_s --tracking-method deepocsort --source $IMG --imgsz 320\n # python examples/track.py --yolo-model yolox_n --tracking-method deepocsort --source $IMG --imgsz 320\n\n # hybridsort\n python examples/track.py --tracking-method hybridsort --source $IMG --imgsz 320\n\n # botsort\n python examples/track.py --tracking-method botsort --source $IMG --imgsz 320\n\n # strongsort\n python examples/track.py --tracking-method strongsort --source $IMG --imgsz 320\n\n # ocsort\n python examples/track.py --tracking-method ocsort --source $IMG --imgsz 320\n\n # bytetrack\n python examples/track.py --tracking-method bytetrack --source $IMG --imgsz 320\n\n - name: Pytest tests # after tracking options as this does not download models\n shell: bash # for Windows compatibility\n run: |\n\n # needed in TFLite export\n wget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\n tar -zxvf flatc.tar.gz\n sudo chmod +x flatc\n sudo mv flatc /usr/bin/\n\n pytest --cov=$PACKAGE_DIR --cov-report=html -v tests\n coverage report --fail-under=$COVERAGE_FAIL_UNDER\n\n - name: Tests exported reid models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n\n # test exported reid model\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.torchscript --source $IMG --imgsz 320\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.onnx --source $IMG --imgsz 320\n #python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_saved_model/osnet_x0_25_msmt17_float16.tflite --source $IMG --imgsz 320\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_openvino_model --source $IMG --imgsz 320\n\n - name: Test tracking with seg models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n # tracking with SEG models\n python examples/track.py --tracking-method deepocsort --yolo-model yolov8n-seg.pt --source $IMG\n\n - name: Test tracking with pose models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n # tracking with POSE models\n python3 examples/track.py --yolo-model weights/yolov8n.pt --source $IMG --imgsz 320\n\n - name: Test validation on MOT17 subset\n shell: bash # for Windows compatibility\n run: |\n # validation on a few MOT17 imges\n python examples/val.py --tracking-method deepocsort --yolo-model yolov8n.pt --benchmark MOT17-mini --imgsz 320 --conf 0.2\n\n - name: Test evolution on MOT17 subset\n shell: bash # for Windows compatibility\n run: |\n # evolve a for a single set of parameters\n python examples/evolve.py --objectives HOTA,MOTA,IDF1 --benchmark MOT17-mini --n-trials 1 --imgsz 320 --conf 0.2\n", "logs": [{"step_name": "build (ubuntu-latest, 3.8)/6_Pytest tests.txt", "log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--2024-01-12 20:11:25-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 140.82.112.3\nConnecting to github.com (github.com)|140.82.112.3|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201125Z&X-Amz-Expires=300&X-Amz-Signature=3bfcceeafbe583d085cec55f86a8526c6e9f64b963ff80c4ac3797875e856d28&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 20:11:25-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T201125Z&X-Amz-Expires=300&X-Amz-Signature=3bfcceeafbe583d085cec55f86a8526c6e9f64b963ff80c4ac3797875e856d28&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.110.133, 185.199.108.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.110.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: \u2018flatc.tar.gz\u2019\n\n 0K .......... .......... .......... .......... .......... 3% 28.1M 0s\n 50K .......... .......... .......... .......... .......... 7% 36.5M 0s\n 100K .......... .......... .......... .......... .......... 11% 143M 0s\n 150K .......... .......... .......... .......... .......... 14% 42.2M 0s\n 200K .......... .......... .......... .......... .......... 18% 131M 0s\n 250K .......... .......... .......... .......... .......... 22% 167M 0s\n 300K .......... .......... .......... .......... .......... 25% 200M 0s\n 350K .......... .......... .......... .......... .......... 29% 74.0M 0s\n 400K .......... .......... .......... .......... .......... 33% 187M 0s\n 450K .......... .......... .......... .......... .......... 37% 172M 0s\n 500K .......... .......... .......... .......... .......... 40% 132M 0s\n 550K .......... .......... .......... .......... .......... 44% 233M 0s\n 600K .......... .......... .......... .......... .......... 48% 155M 0s\n 650K .......... .......... .......... .......... .......... 51% 208M 0s\n 700K .......... .......... .......... .......... .......... 55% 136M 0s\n 750K .......... .......... .......... .......... .......... 59% 223M 0s\n 800K .......... .......... .......... .......... .......... 62% 136M 0s\n 850K .......... .......... .......... .......... .......... 66% 140M 0s\n 900K .......... .......... .......... .......... .......... 70% 238M 0s\n 950K .......... .......... .......... .......... .......... 74% 241M 0s\n 1000K .......... .......... .......... .......... .......... 77% 242M 0s\n 1050K .......... .......... .......... .......... .......... 81% 215M 0s\n 1100K .......... .......... .......... .......... .......... 85% 238M 0s\n 1150K .......... .......... .......... .......... .......... 88% 240M 0s\n 1200K .......... .......... .......... .......... .......... 92% 236M 0s\n 1250K .......... .......... .......... .......... .......... 96% 198M 0s\n 1300K .......... .......... .......... .......... .......... 99% 251M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 20:11:25 (120 MB/s) - \u2018flatc.tar.gz\u2019 saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.8.18/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n rgb = np.random.randint(255, size=(640, 640, 3), dtype=np.uint8)\n det = np.array([[144, 212, 578, 480, 0.82, 0],\n [425, 281, 576, 472, 0.56, 65]])\n output = tracker.update(det, rgb)\n # Works since frame count is less than min hits (1 <= 2)\n assert output.shape == (2, 8) # two inputs should give two outputs\n output = np.flip(np.delete(output, [4, 7], axis=1), axis=0)\n assert_allclose(det, output, atol=1, rtol=7e-3, verbose=True)\n \n # Instantiate new tracker and ensure minimum number of hits works\n tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False\n )\n tracker.min_hits = 2\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(np.empty((0, 6)), rgb)\n assert output.size == 0\n output = tracker.update(det, rgb)\n assert output.size == 0\n> output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = \nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00 output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = \nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00 output = tracker.update(det, rgb)\n\ntests/test_python.py:86: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nboxmot/trackers/deepocsort/deep_ocsort.py:434: in update\n matched, unmatched_dets, unmatched_trks = associate(\nboxmot/utils/association.py:146: in associate\n iou_matrix = run_asso_func(asso_func, detections, trackers, w, h)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nfunc = \nargs = (array([[1.44e+02, 2.12e+02, 5.78e+02, 4.80e+02, 8.20e-01],\n [4.25e+02, 2.81e+02, 5.76e+02, 4.72e+02, 5.60e-01]]), array([[144., 212., 578., 480., 0.],\n [425., 281., 576., 472., 0.]]), 640, 640)\n\n def run_asso_func(func, *args):\n \"\"\"\n Wrapper function that checks the inputs to the association functions\n and then call either one of the iou association functions or centroid.\n \n Parameters:\n func: The batch function to call (either *iou*_batch or centroid_batch).\n *args: Variable length argument list, containing either bounding boxes and optionally size parameters.\n \"\"\"\n if func not in [iou_batch, giou_batch, diou_batch, ciou_batch, centroid_batch]:\n raise ValueError(\"Invalid function specified. Must be either '(g,d,c, )iou_batch' or 'centroid_batch'.\")\n \n if func is (iou_batch or giou_batch or diou_batch or ciou_batch):\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[0:2]):\n raise ValueError(\"Invalid arguments for iou_batch. Expected two bounding boxes.\")\n return func(*args)\n elif func is centroid_batch:\n if len(args) != 4 or not all(isinstance(arg, (list, np.ndarray)) for arg in args[:2]) or not all(isinstance(arg, (int)) for arg in args[2:]):\n raise ValueError(\"Invalid arguments for centroid_batch. Expected two bounding boxes and two size parameters.\")\n return func(*args)\n else:\n> raise ValueError(\"No such association method\")\nE ValueError: No such association method\n\nboxmot/utils/iou.py:212: ValueError\n----------------------------- Captured stderr call -----------------------------\nDownloading...\nFrom: https://drive.google.com/uc?id=12uD5FeVqLg9-AFDju2L7SQxjmPb4zpBN\nTo: /home/runner/work/yolo_tracking/yolo_tracking/examples/weights/mobilenetv2_x1_4_dukemtmcreid.pt\n\n 0%| | 0.00/22.4M [00:00:14: ExperimentalWarning:\n\nplot_contour is experimental (supported from v2.2.0). The interface can change in the future.\n\n[W 2023-11-01 05:12:37,180] Output figures of this Matplotlib-based `plot_contour` function would be different from those of the Plotly-based `plot_contour`.\n\u001b[2Kreading sources... [ 76%] reference/visualization/generated/optuna.visualization.matplotlib.plot_contour\n[I 2023-11-01 05:12:37,562] A new study created in memory with name: x=[0,5), y=[0,5)\n[I 2023-11-01 05:12:37,563] Trial 0 finished with value: 9.098775784310966 and parameters: {'x': 3.85660321633373, 'y': 0.1037597467970075}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:12:37,564] Trial 1 finished with value: 11.468279264943558 and parameters: {'x': 3.168241174631377, 'y': 3.744019412693059}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:12:37,565] Trial 2 finished with value: 8.26591744896594 and parameters: {'x': 2.4925350615129522, 'y': 1.1239832276542383}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:12:37,565] Trial 3 finished with value: 9.307353958700034 and parameters: {'x': 0.9903143237981199, 'y': 3.8026535609947936}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:12:37,566] Trial 4 finished with value: 4.4107752374673055 and parameters: {'x': 0.8455541828126772, 'y': 0.44169907087005134}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,567] Trial 5 finished with value: 13.32581053856714 and parameters: {'x': 3.426799091838986, 'y': 4.766966730974683}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,568] Trial 6 finished with value: 7.762294992698612 and parameters: {'x': 0.019741331639572257, 'y': 2.560961316928883}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,568] Trial 7 finished with value: 10.462168809225723 and parameters: {'x': 4.063104808260568, 'y': 3.0626303341469407}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,569] Trial 8 finished with value: 10.766844213449511 and parameters: {'x': 3.6087765871589976, 'y': 1.4593803408531658}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,570] Trial 9 finished with value: 13.513529451283143 and parameters: {'x': 4.588870612564717, 'y': 3.572878916988453}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,571] Trial 10 finished with value: 8.477722801529927 and parameters: {'x': 2.7127218400563065, 'y': 0.7108502380076348}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,571] Trial 11 finished with value: 10.129432776476957 and parameters: {'x': 1.866703800257346, 'y': 3.3706680753317264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,572] Trial 12 finished with value: 8.366790606869595 and parameters: {'x': 2.2091658721149803, 'y': 2.1700699666664685}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,573] Trial 13 finished with value: 10.416955768145217 and parameters: {'x': 3.088834892346586, 'y': 2.5656912127719544}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,574] Trial 14 finished with value: 10.387909622465159 and parameters: {'x': 3.251985909657336, 'y': 3.005194767022722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,574] Trial 15 finished with value: 11.459718019586177 and parameters: {'x': 4.026115984163733, 'y': 2.608235761968171}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,575] Trial 16 finished with value: 12.18680554317172 and parameters: {'x': 4.5432444040433415, 'y': 1.5961804449427264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,576] Trial 17 finished with value: 6.324395711691771 and parameters: {'x': 0.45229674635453687, 'y': 1.5035002831810167}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,577] Trial 18 finished with value: 10.780656392800164 and parameters: {'x': 0.5699218093177488, 'y': 4.143406631538383}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,577] Trial 19 finished with value: 8.416640220838426 and parameters: {'x': 0.23448159694624882, 'y': 3.1314357415569627}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,578] Trial 20 finished with value: 11.302576421368904 and parameters: {'x': 2.737930779596218, 'y': 4.096434978350343}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,579] Trial 21 finished with value: 10.499563087675314 and parameters: {'x': 0.9947376983940615, 'y': 4.284251512288666}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,580] Trial 22 finished with value: 10.513666838860214 and parameters: {'x': 1.7582631971604394, 'y': 3.773238457649286}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,581] Trial 23 finished with value: 11.97926994777533 and parameters: {'x': 1.4798085343983935, 'y': 4.419682397805931}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,581] Trial 24 finished with value: 6.380894606936472 and parameters: {'x': 1.627558189161244, 'y': 0.8250794885957424}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,582] Trial 25 finished with value: 6.685983992257508 and parameters: {'x': 1.9626462197329364, 'y': 0.4673018727932515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,583] Trial 26 finished with value: 10.125719905741311 and parameters: {'x': 4.105528289184642, 'y': 0.7557600982128193}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,584] Trial 27 finished with value: 11.573099481049313 and parameters: {'x': 1.920572243460998, 'y': 4.721303561194006}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,584] Trial 28 finished with value: 12.011941244892594 and parameters: {'x': 4.938127374509361, 'y': 2.2815227354739203}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,585] Trial 29 finished with value: 10.481651724828257 and parameters: {'x': 4.130614219213699, 'y': 1.2568706710352968}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,586] Trial 30 finished with value: 12.415913516504961 and parameters: {'x': 2.9868582411544216, 'y': 4.514158801658137}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,587] Trial 31 finished with value: 10.053592439013652 and parameters: {'x': 2.6727897440090755, 'y': 2.9510068149271147}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,587] Trial 32 finished with value: 5.886579856572837 and parameters: {'x': 0.19640883612693671, 'y': 1.7859087931726814}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,588] Trial 33 finished with value: 6.310127074999574 and parameters: {'x': 0.3980654507798209, 'y': 1.5272995917140912}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,589] Trial 34 finished with value: 10.63044720131769 and parameters: {'x': 1.65359655991066, 'y': 3.8691514810529792}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,590] Trial 35 finished with value: 6.399093285230432 and parameters: {'x': 0.19979604344988633, 'y': 2.1474608921581915}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,590] Trial 36 finished with value: 9.82714713251584 and parameters: {'x': 1.5746343592134415, 'y': 3.1824557153377233}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,591] Trial 37 finished with value: 6.040622694875182 and parameters: {'x': 1.7317357504001651, 'y': 0.2154867810249722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,592] Trial 38 finished with value: 13.124359919044599 and parameters: {'x': 4.39957587258958, 'y': 3.816202935718405}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,593] Trial 39 finished with value: 11.621017540390913 and parameters: {'x': 4.390483213624291, 'y': 2.087545719196335}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,593] Trial 40 finished with value: 10.273148823731859 and parameters: {'x': 3.027887821968784, 'y': 2.567333137041442}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,594] Trial 41 finished with value: 8.74724695064551 and parameters: {'x': 2.989183239814868, 'y': 1.3110783056597515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,595] Trial 42 finished with value: 5.703235939620228 and parameters: {'x': 1.504356544703536, 'y': 0.12699891025053034}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,596] Trial 43 finished with value: 6.8281049033658086 and parameters: {'x': 1.5153128032551737, 'y': 1.2103793770176368}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,596] Trial 44 finished with value: 9.889991012666522 and parameters: {'x': 2.787890943313221, 'y': 2.827535099440838}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,597] Trial 45 finished with value: 8.809099112861492 and parameters: {'x': 2.375661237075253, 'y': 1.4639898814475454}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,598] Trial 46 finished with value: 11.529514400367189 and parameters: {'x': 0.32125530347412223, 'y': 4.894095728788213}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,599] Trial 47 finished with value: 9.116346691166768 and parameters: {'x': 1.6985392181893184, 'y': 2.4752431544122717}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,599] Trial 48 finished with value: 11.665729583461987 and parameters: {'x': 4.885403629613409, 'y': 2.2038691245033326}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,600] Trial 49 finished with value: 9.283138260008634 and parameters: {'x': 1.591364027394756, 'y': 2.5989849293769005}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,601] Trial 50 finished with value: 11.688309982114646 and parameters: {'x': 2.8906821494123376, 'y': 4.269668752502432}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,602] Trial 51 finished with value: 7.7554312065139825 and parameters: {'x': 0.34048636768975016, 'y': 2.3226540388966628}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,602] Trial 52 finished with value: 12.275135396487016 and parameters: {'x': 3.909745593095742, 'y': 3.5930140519112514}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,603] Trial 53 finished with value: 7.599136984880452 and parameters: {'x': 2.9301099002658795, 'y': 0.18547206617203937}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,604] Trial 54 finished with value: 8.971518754151079 and parameters: {'x': 1.7532819564156648, 'y': 2.815953422463725}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,605] Trial 55 finished with value: 9.191843219831416 and parameters: {'x': 1.4986493621228143, 'y': 2.5616707663677465}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,605] Trial 56 finished with value: 9.633721562166217 and parameters: {'x': 3.3673346264236024, 'y': 0.7959686668904675}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,606] Trial 57 finished with value: 6.186229741277476 and parameters: {'x': 0.2523883507699881, 'y': 1.6890794353233973}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,607] Trial 58 finished with value: 4.552022343284264 and parameters: {'x': 0.5403188638972628, 'y': 0.8945140428554521}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,608] Trial 59 finished with value: 11.758020264004587 and parameters: {'x': 4.429135480838529, 'y': 1.826824856070579}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,608] Trial 60 finished with value: 9.65103717665648 and parameters: {'x': 1.0938467458976837, 'y': 3.762480851093014}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,609] Trial 61 finished with value: 10.404668371552354 and parameters: {'x': 0.5343979219678457, 'y': 3.723016203877803}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,610] Trial 62 finished with value: 9.807137735649274 and parameters: {'x': 2.3489264672024723, 'y': 2.991278356395546}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:12:37,611] Trial 63 finished with value: 4.297890789772584 and parameters: {'x': 0.7381009614264883, 'y': 0.9201741104657563}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,611] Trial 64 finished with value: 8.956435845330386 and parameters: {'x': 3.2253606323412094, 'y': 0.24314003131702788}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,612] Trial 65 finished with value: 8.694250835326496 and parameters: {'x': 1.2430625390138472, 'y': 2.7120425811400213}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,613] Trial 66 finished with value: 5.986545159935034 and parameters: {'x': 1.133866716350046, 'y': 1.9070576745231604}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,614] Trial 67 finished with value: 14.297386483409563 and parameters: {'x': 4.611163934517731, 'y': 4.626784364338884}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,614] Trial 68 finished with value: 10.180452207698272 and parameters: {'x': 2.8337496228749997, 'y': 2.667354424945013}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,615] Trial 69 finished with value: 10.407363938709986 and parameters: {'x': 0.07430012316614054, 'y': 4.889496317010025}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,616] Trial 70 finished with value: 10.440149099446987 and parameters: {'x': 2.8651445201659294, 'y': 3.95878498138312}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,617] Trial 71 finished with value: 12.32523091547919 and parameters: {'x': 2.8077868013818446, 'y': 4.3866762078246735}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,618] Trial 72 finished with value: 11.31269157398866 and parameters: {'x': 2.9209791426533775, 'y': 3.544249131844776}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,618] Trial 73 finished with value: 6.868040784289896 and parameters: {'x': 0.7426672567822928, 'y': 2.142253694839482}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,619] Trial 74 finished with value: 10.168253595722678 and parameters: {'x': 3.4694503317120584, 'y': 0.5230987226142658}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,620] Trial 75 finished with value: 6.875279830510534 and parameters: {'x': 2.1980261888729524, 'y': 0.8310107385226684}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,621] Trial 76 finished with value: 11.669355532080532 and parameters: {'x': 2.5348931463202367, 'y': 4.095179320681063}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,621] Trial 77 finished with value: 10.375729066395554 and parameters: {'x': 0.45053367362219265, 'y': 4.000343753470726}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,622] Trial 78 finished with value: 9.47494195262567 and parameters: {'x': 2.8256317697890228, 'y': 2.946738558403037}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,623] Trial 79 finished with value: 6.429800222532773 and parameters: {'x': 0.9905032860813445, 'y': 2.1805912766941713}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,624] Trial 80 finished with value: 5.784554009886445 and parameters: {'x': 1.4795188111041868, 'y': 0.18778837970838846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,624] Trial 81 finished with value: 6.944951718546044 and parameters: {'x': 0.15342420186473138, 'y': 2.2655250010061674}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,625] Trial 82 finished with value: 11.32465496841092 and parameters: {'x': 3.7243203847503388, 'y': 2.7864770311819846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,626] Trial 83 finished with value: 5.814616800694608 and parameters: {'x': 1.9255679978274327, 'y': 0.8403639876630931}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,627] Trial 84 finished with value: 11.092120639966868 and parameters: {'x': 4.1913066035184645, 'y': 2.995258987307463}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,627] Trial 85 finished with value: 12.30613781768253 and parameters: {'x': 3.9135740912248558, 'y': 4.242545909473573}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,628] Trial 86 finished with value: 10.276422024397286 and parameters: {'x': 3.0158148793101742, 'y': 3.9053030864514104}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,629] Trial 87 finished with value: 7.479769890494953 and parameters: {'x': 3.0786843801678465, 'y': 0.10582595586077492}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,630] Trial 88 finished with value: 9.671206282931806 and parameters: {'x': 3.752323052437455, 'y': 0.8802106664184695}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,631] Trial 89 finished with value: 9.869658626214864 and parameters: {'x': 2.292571031186365, 'y': 2.5656135386612258}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,631] Trial 90 finished with value: 11.964499715377078 and parameters: {'x': 2.420104451434129, 'y': 4.2219289726967375}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:12:37,632] Trial 91 finished with value: 2.826913907516392 and parameters: {'x': 0.874069474110597, 'y': 0.0731743755162495}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,633] Trial 92 finished with value: 12.799381162755227 and parameters: {'x': 4.24382035905616, 'y': 3.7133728864971705}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,634] Trial 93 finished with value: 8.415639605279267 and parameters: {'x': 2.283487676600861, 'y': 2.084492035246889}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,634] Trial 94 finished with value: 6.648507949382903 and parameters: {'x': 0.5836475547348163, 'y': 1.6933956649466986}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,635] Trial 95 finished with value: 10.321671031403987 and parameters: {'x': 0.4732952037182653, 'y': 3.579154363756571}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,636] Trial 96 finished with value: 4.476198346748607 and parameters: {'x': 0.3854270220801931, 'y': 1.0297512918448626}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,637] Trial 97 finished with value: 9.179908484929722 and parameters: {'x': 2.868881157256011, 'y': 1.4691577760188401}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,637] Trial 98 finished with value: 11.609756716580515 and parameters: {'x': 3.278633713572991, 'y': 4.017841738716098}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,638] Trial 99 finished with value: 6.625902168595072 and parameters: {'x': 1.7560675149820437, 'y': 0.4672018847188353}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,639] Trial 100 finished with value: 11.261545077172835 and parameters: {'x': 4.066580418354021, 'y': 3.9243335913847344}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,640] Trial 101 finished with value: 11.190968700537157 and parameters: {'x': 1.967095562182577, 'y': 4.322395969009766}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,640] Trial 102 finished with value: 6.911109890757974 and parameters: {'x': 1.9201538405786622, 'y': 1.2865144360250191}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,641] Trial 103 finished with value: 12.490683781539499 and parameters: {'x': 4.1470095991361795, 'y': 3.681913519192817}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,642] Trial 104 finished with value: 10.848166908046393 and parameters: {'x': 2.538004540274797, 'y': 3.2216330752070848}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,643] Trial 105 finished with value: 11.32542096737529 and parameters: {'x': 1.0659328268932406, 'y': 4.478544743517791}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,643] Trial 106 finished with value: 12.145433872665942 and parameters: {'x': 4.829731257539075, 'y': 1.5850078115289405}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,644] Trial 107 finished with value: 11.786981252421768 and parameters: {'x': 4.327763091136416, 'y': 1.5514185347005949}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:12:37,645] Trial 108 finished with value: 2.0472944535777273 and parameters: {'x': 0.12631972715908546, 'y': 0.24597578886864313}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,646] Trial 109 finished with value: 4.145224959722373 and parameters: {'x': 0.9231341900713275, 'y': 0.34516670808627026}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,646] Trial 110 finished with value: 11.931360118539573 and parameters: {'x': 1.2873771170227155, 'y': 4.567908657853373}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,647] Trial 111 finished with value: 7.772705651810355 and parameters: {'x': 2.2892475598720523, 'y': 0.6510589473979744}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,648] Trial 112 finished with value: 9.524332905886311 and parameters: {'x': 4.0494583270008935, 'y': 2.01734920240333}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,649] Trial 113 finished with value: 10.520695532088595 and parameters: {'x': 0.12216322491582055, 'y': 4.284155213138763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,650] Trial 114 finished with value: 10.597438973670814 and parameters: {'x': 1.371474095076981, 'y': 3.5455298203599526}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,650] Trial 115 finished with value: 10.120097947889937 and parameters: {'x': 1.7788617141183165, 'y': 3.971545309132671}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,651] Trial 116 finished with value: 11.960450407585382 and parameters: {'x': 4.223094305719252, 'y': 2.690737585699792}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,652] Trial 117 finished with value: 8.587748682117635 and parameters: {'x': 2.795432582016292, 'y': 0.6125499071870993}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,653] Trial 118 finished with value: 7.369283296210424 and parameters: {'x': 1.8882095928704012, 'y': 2.1437366456452134}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,653] Trial 119 finished with value: 12.663827787679372 and parameters: {'x': 2.556043231427327, 'y': 4.458812849678472}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,654] Trial 120 finished with value: 7.650631541913702 and parameters: {'x': 1.5010530579700654, 'y': 1.9822093943922525}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,655] Trial 121 finished with value: 9.498157519309544 and parameters: {'x': 3.9663661651380706, 'y': 2.061380386767003}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,656] Trial 122 finished with value: 10.019682178888301 and parameters: {'x': 0.9243377499545619, 'y': 4.201236580441953}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,656] Trial 123 finished with value: 8.237633967855434 and parameters: {'x': 2.8463569985064425, 'y': 0.3002510277540982}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,657] Trial 124 finished with value: 10.781591638486919 and parameters: {'x': 4.944584870981005, 'y': 1.1439116660098265}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,658] Trial 125 finished with value: 8.621572297432854 and parameters: {'x': 3.0735085649008482, 'y': 1.8401334041772972}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,659] Trial 126 finished with value: 10.713009182969788 and parameters: {'x': 4.013879681741232, 'y': 3.1378092635281445}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,659] Trial 127 finished with value: 10.98074403397134 and parameters: {'x': 4.106082380991301, 'y': 1.441265693961082}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,660] Trial 128 finished with value: 9.024647633357716 and parameters: {'x': 1.3739756579638436, 'y': 3.00525945566255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,661] Trial 129 finished with value: 13.49082379516863 and parameters: {'x': 4.692570986046688, 'y': 3.5364815467071864}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,662] Trial 130 finished with value: 5.874821960577492 and parameters: {'x': 1.3170158247837875, 'y': 0.6116796055750251}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,663] Trial 131 finished with value: 12.140532436293423 and parameters: {'x': 2.2936211459493183, 'y': 4.8740624969833455}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,663] Trial 132 finished with value: 9.508596165882706 and parameters: {'x': 3.4028718722222235, 'y': 0.9662686614323052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,664] Trial 133 finished with value: 11.43232227635066 and parameters: {'x': 0.233696135806975, 'y': 4.763219683853119}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,665] Trial 134 finished with value: 12.909468873966272 and parameters: {'x': 4.2932450773421325, 'y': 4.139515878742856}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,666] Trial 135 finished with value: 11.717204018330282 and parameters: {'x': 4.819502614191414, 'y': 2.994682245363374}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,666] Trial 136 finished with value: 11.730163602366163 and parameters: {'x': 4.654579179238757, 'y': 0.733844071393634}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,667] Trial 137 finished with value: 6.653881018965677 and parameters: {'x': 0.569801543773461, 'y': 1.8601445108691723}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,668] Trial 138 finished with value: 10.741151207828954 and parameters: {'x': 3.832800632854534, 'y': 1.6057101573247974}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,669] Trial 139 finished with value: 8.041035108445248 and parameters: {'x': 3.1901754067231334, 'y': 0.04610550834939442}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,669] Trial 140 finished with value: 9.248413466368948 and parameters: {'x': 2.71732519237458, 'y': 1.6887732344259176}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,670] Trial 141 finished with value: 14.219077219048492 and parameters: {'x': 4.490121544247577, 'y': 4.703535192416116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,671] Trial 142 finished with value: 6.631265309603911 and parameters: {'x': 1.920609245767847, 'y': 1.9805889617029848}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,672] Trial 143 finished with value: 11.598473392731933 and parameters: {'x': 4.48639972409674, 'y': 0.2941118405092352}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,672] Trial 144 finished with value: 6.694767599306697 and parameters: {'x': 2.0268964421478453, 'y': 0.6508777031545621}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,673] Trial 145 finished with value: 10.288922686627453 and parameters: {'x': 0.4348470446230879, 'y': 3.919821434794939}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,674] Trial 146 finished with value: 9.21998684759554 and parameters: {'x': 1.5228667767331006, 'y': 2.9202793627763453}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,675] Trial 147 finished with value: 13.970932382384035 and parameters: {'x': 4.392330892133315, 'y': 4.403960303067703}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,675] Trial 148 finished with value: 10.220646476518713 and parameters: {'x': 3.004771036228382, 'y': 3.2261387284201657}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,676] Trial 149 finished with value: 6.025594798063533 and parameters: {'x': 0.28314101419053106, 'y': 1.487420484879609}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,677] Trial 150 finished with value: 9.686112989082387 and parameters: {'x': 3.458873037882333, 'y': 0.9451472642781766}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,678] Trial 151 finished with value: 11.477795880312842 and parameters: {'x': 4.015037683584489, 'y': 2.5738187492835642}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,679] Trial 152 finished with value: 9.536662274540596 and parameters: {'x': 3.7864302015780735, 'y': 0.8889437430854896}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,679] Trial 153 finished with value: 8.138475011363663 and parameters: {'x': 0.41310145647746377, 'y': 2.4103598486142923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,680] Trial 154 finished with value: 11.493703576527055 and parameters: {'x': 2.6442693968106306, 'y': 3.481541359044985}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,681] Trial 155 finished with value: 9.341702473870399 and parameters: {'x': 1.023808070150981, 'y': 3.356861649786817}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,682] Trial 156 finished with value: 9.45980967724605 and parameters: {'x': 3.966346626632103, 'y': 0.20868906258480535}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,682] Trial 157 finished with value: 13.378541634779003 and parameters: {'x': 4.816787528607454, 'y': 4.876963585866664}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,683] Trial 158 finished with value: 8.398878019226897 and parameters: {'x': 2.7533039211090755, 'y': 0.3245349120330482}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,684] Trial 159 finished with value: 5.671727248950585 and parameters: {'x': 1.7261839493092874, 'y': 0.1021498440574764}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,685] Trial 160 finished with value: 8.900670733919403 and parameters: {'x': 4.0042590489180805, 'y': 1.039635490660757}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,685] Trial 161 finished with value: 10.104130916382784 and parameters: {'x': 0.7162625545259099, 'y': 3.4994699226462638}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,686] Trial 162 finished with value: 5.315897263639183 and parameters: {'x': 0.28974903005027364, 'y': 1.2830378342449826}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,687] Trial 163 finished with value: 12.628574431426383 and parameters: {'x': 2.551658922744225, 'y': 4.97629392410128}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,688] Trial 164 finished with value: 7.447601498443641 and parameters: {'x': 0.7325783965840083, 'y': 2.247573887993382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,689] Trial 165 finished with value: 8.717294962338975 and parameters: {'x': 3.007201880914031, 'y': 0.48636247069940075}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,689] Trial 166 finished with value: 10.747736503597993 and parameters: {'x': 1.4436744027098762, 'y': 3.603999509537035}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,690] Trial 167 finished with value: 11.672696062044226 and parameters: {'x': 2.754030320204744, 'y': 4.192885075269436}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,691] Trial 168 finished with value: 7.3765020440620965 and parameters: {'x': 2.901656757339883, 'y': 0.9228586830481306}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,692] Trial 169 finished with value: 12.413208648223295 and parameters: {'x': 3.077510585292704, 'y': 4.434775442343052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,692] Trial 170 finished with value: 10.541150607138487 and parameters: {'x': 2.5839463891022096, 'y': 3.130718345632117}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,693] Trial 171 finished with value: 12.756318698680404 and parameters: {'x': 2.525295587782306, 'y': 4.5483128829327715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,694] Trial 172 finished with value: 9.05472987128604 and parameters: {'x': 2.0665232778228515, 'y': 2.677343581458615}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,695] Trial 173 finished with value: 6.621158640130886 and parameters: {'x': 1.713215627822633, 'y': 0.6478838857163005}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,696] Trial 174 finished with value: 13.166998514264037 and parameters: {'x': 3.3141087569999437, 'y': 4.678350009978248}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,696] Trial 175 finished with value: 11.37039215348121 and parameters: {'x': 3.06364590964527, 'y': 4.213692497248822}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,697] Trial 176 finished with value: 11.421697035283117 and parameters: {'x': 1.0895421810142136, 'y': 4.515858698649607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,698] Trial 177 finished with value: 3.399518378372946 and parameters: {'x': 0.04884988559842873, 'y': 1.1290636333171737}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,699] Trial 178 finished with value: 11.790711998551938 and parameters: {'x': 0.6602756363599344, 'y': 4.537714732580255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,700] Trial 179 finished with value: 12.457058855171512 and parameters: {'x': 4.5511531832988155, 'y': 2.9052895356745245}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,700] Trial 180 finished with value: 4.270689977380076 and parameters: {'x': 0.4374652626195269, 'y': 0.5843971978719908}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,701] Trial 181 finished with value: 12.240165558984787 and parameters: {'x': 3.8553562765392724, 'y': 3.6639763439826103}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,702] Trial 182 finished with value: 6.590515277343432 and parameters: {'x': 0.435641784662561, 'y': 1.7873159905994234}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,703] Trial 183 finished with value: 10.17214430542262 and parameters: {'x': 3.8660581087613077, 'y': 0.6573580080587804}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,703] Trial 184 finished with value: 11.43917166431362 and parameters: {'x': 2.68916216926987, 'y': 3.7736178311347457}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,704] Trial 185 finished with value: 8.969937960798413 and parameters: {'x': 1.3626308799556757, 'y': 2.8325849795366413}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,705] Trial 186 finished with value: 10.041893106125363 and parameters: {'x': 2.3834248535833096, 'y': 2.7831034627091973}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,706] Trial 187 finished with value: 10.826547273250752 and parameters: {'x': 2.2036852870690056, 'y': 3.4686868213095585}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,706] Trial 188 finished with value: 12.426924191010318 and parameters: {'x': 3.5911859015982364, 'y': 3.7819117894779923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,707] Trial 189 finished with value: 9.532608489210268 and parameters: {'x': 0.18661004505669543, 'y': 3.394176984464907}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,708] Trial 190 finished with value: 8.135150111944762 and parameters: {'x': 2.386104004539672, 'y': 0.5008569383546607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,709] Trial 191 finished with value: 11.234871968202231 and parameters: {'x': 3.070981168573452, 'y': 4.18957254483098}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,710] Trial 192 finished with value: 10.837341646724049 and parameters: {'x': 3.6694701882941674, 'y': 1.6078279135595364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,710] Trial 193 finished with value: 2.853729868628715 and parameters: {'x': 0.33927655543450175, 'y': 0.1866511853213626}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,711] Trial 194 finished with value: 8.102320702453188 and parameters: {'x': 2.7956265198024104, 'y': 0.8042634963427392}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,712] Trial 195 finished with value: 6.2265106786220485 and parameters: {'x': 1.3394409285104592, 'y': 1.1785597821799847}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,713] Trial 196 finished with value: 3.2200767735665927 and parameters: {'x': 0.0967373080891365, 'y': 0.7584321219748957}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,713] Trial 197 finished with value: 10.792978685682154 and parameters: {'x': 0.1695125656628088, 'y': 4.909174290439391}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,714] Trial 198 finished with value: 10.474479619963939 and parameters: {'x': 1.8024265507702935, 'y': 4.127322642810085}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,715] Trial 199 finished with value: 7.000149994893448 and parameters: {'x': 2.0611870425872763, 'y': 1.2658957315496995}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,716] Trial 200 finished with value: 9.720250252035754 and parameters: {'x': 1.1835543824008021, 'y': 3.865577996383569}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,716] Trial 201 finished with value: 12.227465780083314 and parameters: {'x': 3.3562845256281584, 'y': 3.531654426003335}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,717] Trial 202 finished with value: 12.210582618377428 and parameters: {'x': 4.265777065952011, 'y': 2.6102478341800395}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,718] Trial 203 finished with value: 9.417005707712555 and parameters: {'x': 2.2138482666072563, 'y': 2.7687422062775187}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,719] Trial 204 finished with value: 11.469682332813566 and parameters: {'x': 3.25997424203055, 'y': 3.942769372376201}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,720] Trial 205 finished with value: 12.079734998646657 and parameters: {'x': 4.461347258463439, 'y': 1.5455257933952686}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,720] Trial 206 finished with value: 10.242782580711673 and parameters: {'x': 0.6780488613353464, 'y': 3.7546332592209364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,721] Trial 207 finished with value: 11.349746970151045 and parameters: {'x': 2.634166107685379, 'y': 3.9236929038023707}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,722] Trial 208 finished with value: 10.85409333443086 and parameters: {'x': 2.1496305142828613, 'y': 4.19423293806763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,723] Trial 209 finished with value: 8.748226607352638 and parameters: {'x': 2.6867701271181477, 'y': 1.2521196657508715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,723] Trial 210 finished with value: 3.6675219100206 and parameters: {'x': 0.2944700572038689, 'y': 0.4597464245382382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,724] Trial 211 finished with value: 6.733554910774435 and parameters: {'x': 0.8709997157072319, 'y': 2.1962717529913767}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,725] Trial 212 finished with value: 13.275572772621532 and parameters: {'x': 4.054671125375529, 'y': 4.552010618031673}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,726] Trial 213 finished with value: 9.156372510625387 and parameters: {'x': 2.8804535600599386, 'y': 1.455772148901746}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,726] Trial 214 finished with value: 11.053685497303166 and parameters: {'x': 3.258931858906078, 'y': 3.1896035037778403}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,727] Trial 215 finished with value: 12.688867058298401 and parameters: {'x': 2.5178736985866528, 'y': 4.827763578108981}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,728] Trial 216 finished with value: 13.143915044023823 and parameters: {'x': 4.033455748052451, 'y': 4.642596782018086}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,729] Trial 217 finished with value: 11.501118854064435 and parameters: {'x': 3.0696756333221895, 'y': 4.910019581715506}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,730] Trial 218 finished with value: 9.618849650879131 and parameters: {'x': 3.574939779226631, 'y': 0.043296357086455295}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,730] Trial 219 finished with value: 11.337201623088333 and parameters: {'x': 1.4407279049690558, 'y': 4.206993287509106}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,731] Trial 220 finished with value: 6.882791405849485 and parameters: {'x': 2.215885435136737, 'y': 0.8652486173830182}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,732] Trial 221 finished with value: 10.356085023005411 and parameters: {'x': 0.5726355611313177, 'y': 3.9894029801061537}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,733] Trial 222 finished with value: 10.902930543766338 and parameters: {'x': 3.244525757228069, 'y': 2.50872999073498}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,733] Trial 223 finished with value: 9.72674798257857 and parameters: {'x': 1.428201041160826, 'y': 3.1834791424269584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,734] Trial 224 finished with value: 8.999635175804276 and parameters: {'x': 1.8417095266511174, 'y': 2.6976927167612597}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,735] Trial 225 finished with value: 12.342284304379254 and parameters: {'x': 3.810334009899379, 'y': 4.199437405771903}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,736] Trial 226 finished with value: 8.504027200451612 and parameters: {'x': 0.5247870601084398, 'y': 2.553156541729579}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,736] Trial 227 finished with value: 9.080756473737205 and parameters: {'x': 3.2274433137208787, 'y': 0.7653340712632956}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,737] Trial 228 finished with value: 10.498147057144351 and parameters: {'x': 0.008798245521798864, 'y': 4.8352287661502515}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,738] Trial 229 finished with value: 10.625090716792682 and parameters: {'x': 4.039332666325461, 'y': 1.3703379468173575}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,739] Trial 230 finished with value: 6.1355422884542605 and parameters: {'x': 1.3954480353606296, 'y': 0.6033982071098909}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,740] Trial 231 finished with value: 12.682917751678975 and parameters: {'x': 2.403441324954285, 'y': 4.661509893812813}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,740] Trial 232 finished with value: 11.774995548643213 and parameters: {'x': 4.574637128841343, 'y': 1.219375479879055}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,741] Trial 233 finished with value: 10.978375842604487 and parameters: {'x': 1.9742914820793693, 'y': 4.851197651132945}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,742] Trial 234 finished with value: 12.119938844650308 and parameters: {'x': 1.378098168018807, 'y': 4.6892472043320685}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,743] Trial 235 finished with value: 13.137380053631484 and parameters: {'x': 3.845060785117532, 'y': 4.423593440530303}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,743] Trial 236 finished with value: 11.31174382971022 and parameters: {'x': 4.355024876220002, 'y': 0.7323547961340754}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,744] Trial 237 finished with value: 13.188985764251004 and parameters: {'x': 3.9459439396258817, 'y': 4.546111228357549}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,745] Trial 238 finished with value: 12.775291947108045 and parameters: {'x': 4.190852742653525, 'y': 3.5601559319358116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,746] Trial 239 finished with value: 7.707597241407441 and parameters: {'x': 1.536897092687322, 'y': 1.7689227738549467}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,747] Trial 240 finished with value: 5.22672624314151 and parameters: {'x': 1.1817669761188916, 'y': 0.4490581953161277}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,747] Trial 241 finished with value: 7.510297578894374 and parameters: {'x': 0.9723908716101909, 'y': 3.079039376835584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,748] Trial 242 finished with value: 13.44024542713433 and parameters: {'x': 4.660418377825547, 'y': 3.4554197489155487}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,749] Trial 243 finished with value: 8.844390826703956 and parameters: {'x': 2.8142352335212815, 'y': 1.3187789770627112}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,750] Trial 244 finished with value: 11.40539149996344 and parameters: {'x': 2.6357344044248325, 'y': 4.021914573545422}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,751] Trial 245 finished with value: 6.133436500818917 and parameters: {'x': 1.4753794695299933, 'y': 0.9166927527975044}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,751] Trial 246 finished with value: 9.542874483876695 and parameters: {'x': 0.09866229753310307, 'y': 3.716606159862748}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,752] Trial 247 finished with value: 6.48812817105026 and parameters: {'x': 0.191467020929183, 'y': 2.1683983448692428}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,753] Trial 248 finished with value: 9.554429765837991 and parameters: {'x': 4.1604238065637436, 'y': 0.06729279249878872}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,754] Trial 249 finished with value: 10.10757671940421 and parameters: {'x': 2.546676957570693, 'y': 2.397743500706264}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:12:37,755] Trial 250 finished with value: 1.0107616991357382 and parameters: {'x': 0.14827470398864118, 'y': 0.05714263412033127}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,755] Trial 251 finished with value: 6.323876055572224 and parameters: {'x': 1.6592200011724718, 'y': 0.30715539302647477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,756] Trial 252 finished with value: 12.27777005427824 and parameters: {'x': 2.990867540282372, 'y': 4.4296012676131165}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,757] Trial 253 finished with value: 5.888565518184436 and parameters: {'x': 2.0606688768197037, 'y': 0.19136099451097843}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,758] Trial 254 finished with value: 3.846931736921775 and parameters: {'x': 0.40421201895402825, 'y': 0.4095727115092429}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,759] Trial 255 finished with value: 11.116741954263512 and parameters: {'x': 4.046836669107675, 'y': 4.003470014424989}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,759] Trial 256 finished with value: 10.548427810995527 and parameters: {'x': 0.08454905677353852, 'y': 4.306471626153089}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,760] Trial 257 finished with value: 11.794532699469258 and parameters: {'x': 4.556501121762242, 'y': 2.0043834231758106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,761] Trial 258 finished with value: 11.358371336061872 and parameters: {'x': 1.4344534916885388, 'y': 4.2152244263191925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,762] Trial 259 finished with value: 8.604726890176462 and parameters: {'x': 3.0852227648870825, 'y': 0.702993633926971}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,762] Trial 260 finished with value: 10.368046930771534 and parameters: {'x': 1.1437780685795795, 'y': 4.20748985587598}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,763] Trial 261 finished with value: 10.292732211355425 and parameters: {'x': 4.22179236754099, 'y': 1.1007299669031934}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,764] Trial 262 finished with value: 11.369252561448086 and parameters: {'x': 4.05568819876081, 'y': 2.679767669445578}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,765] Trial 263 finished with value: 10.280651858444699 and parameters: {'x': 3.052142244912166, 'y': 2.6193494156314086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,766] Trial 264 finished with value: 8.07278439807948 and parameters: {'x': 3.1981457424778132, 'y': 0.025781740169585343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,766] Trial 265 finished with value: 9.556500701329405 and parameters: {'x': 0.12369391707809763, 'y': 3.4501319265785617}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,767] Trial 266 finished with value: 9.816116481887354 and parameters: {'x': 0.857965097811067, 'y': 3.469653368443282}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,768] Trial 267 finished with value: 5.842310943888105 and parameters: {'x': 1.426328115609064, 'y': 0.27552960390844206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,769] Trial 268 finished with value: 9.184290769515863 and parameters: {'x': 2.911114512930047, 'y': 1.4790936328279773}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,769] Trial 269 finished with value: 12.106973431816996 and parameters: {'x': 1.6140806778765233, 'y': 4.834946939274982}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,770] Trial 270 finished with value: 6.055173789253882 and parameters: {'x': 0.9746733239154337, 'y': 1.7369825257280702}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,771] Trial 271 finished with value: 6.801636111260548 and parameters: {'x': 0.5200703255535455, 'y': 2.0089092623724447}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,772] Trial 272 finished with value: 8.431382325178696 and parameters: {'x': 0.46423822543645576, 'y': 2.5242190323084963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,773] Trial 273 finished with value: 9.429375698322708 and parameters: {'x': 3.712953704723704, 'y': 0.026452545846914477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,773] Trial 274 finished with value: 3.601690824054902 and parameters: {'x': 0.45080584422510395, 'y': 0.2809199045597016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,774] Trial 275 finished with value: 13.867914662524237 and parameters: {'x': 4.421628316832168, 'y': 4.927929283264253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,775] Trial 276 finished with value: 8.12543959172015 and parameters: {'x': 2.6008734281374934, 'y': 0.9920871476639787}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,776] Trial 277 finished with value: 13.061611962615949 and parameters: {'x': 4.666741580415096, 'y': 3.2729910167106846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,776] Trial 278 finished with value: 11.43329057734574 and parameters: {'x': 3.9589587358004352, 'y': 2.556078393056895}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,777] Trial 279 finished with value: 10.536218642414656 and parameters: {'x': 3.9410594618961015, 'y': 1.6739836583743362}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,778] Trial 280 finished with value: 11.836721075355921 and parameters: {'x': 0.5662656720869486, 'y': 4.524069883514123}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,779] Trial 281 finished with value: 2.56045959627064 and parameters: {'x': 0.021119567542035034, 'y': 0.36751940303380193}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,780] Trial 282 finished with value: 11.83237063871328 and parameters: {'x': 0.6614568197768117, 'y': 4.7107495963735}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,780] Trial 283 finished with value: 6.367933259946817 and parameters: {'x': 1.514648431213112, 'y': 1.066565255901516}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,781] Trial 284 finished with value: 5.672598765407816 and parameters: {'x': 1.2783127625776287, 'y': 0.4796003339718996}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,782] Trial 285 finished with value: 10.385824371877787 and parameters: {'x': 2.0089894149954834, 'y': 3.655138201778497}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,783] Trial 286 finished with value: 9.468906639144176 and parameters: {'x': 3.2410496762079544, 'y': 1.2542279041725952}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,783] Trial 287 finished with value: 8.275616859112345 and parameters: {'x': 1.1371945697591408, 'y': 2.4790807917023434}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,784] Trial 288 finished with value: 12.332042617986879 and parameters: {'x': 4.323824833914893, 'y': 3.1703187656142324}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,785] Trial 289 finished with value: 10.616297086619696 and parameters: {'x': 3.7724623745413237, 'y': 2.1856159563386592}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,786] Trial 290 finished with value: 10.436104291698209 and parameters: {'x': 2.001060451213909, 'y': 3.6145815697262718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,787] Trial 291 finished with value: 8.794036139572007 and parameters: {'x': 1.861842897061573, 'y': 2.7629901519965023}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,787] Trial 292 finished with value: 8.543717978852516 and parameters: {'x': 0.40231808678595715, 'y': 2.97137783551767}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,788] Trial 293 finished with value: 10.720706351202566 and parameters: {'x': 1.404607334666036, 'y': 3.712237931572004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,789] Trial 294 finished with value: 10.791279999427607 and parameters: {'x': 1.4941359832634156, 'y': 3.787683420855808}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,790] Trial 295 finished with value: 3.3759630562706633 and parameters: {'x': 1.1318006900942001, 'y': 0.022038224615346658}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,790] Trial 296 finished with value: 6.328225222651152 and parameters: {'x': 0.6989014049359793, 'y': 1.4788185112007963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,791] Trial 297 finished with value: 7.859824043178897 and parameters: {'x': 0.9779690812537833, 'y': 2.7444101892144577}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,792] Trial 298 finished with value: 9.03281296423037 and parameters: {'x': 1.0499608504502294, 'y': 3.8924608513935106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,793] Trial 299 finished with value: 10.620615567321307 and parameters: {'x': 2.423399515211379, 'y': 3.1967019636164173}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,794] Trial 300 finished with value: 11.516797528464172 and parameters: {'x': 0.8384815371736137, 'y': 4.623413018911441}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,794] Trial 301 finished with value: 10.111886767394223 and parameters: {'x': 3.586699756816521, 'y': 0.7740680574908343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,795] Trial 302 finished with value: 9.836637987623748 and parameters: {'x': 3.6181680290969664, 'y': 0.932049629125622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,796] Trial 303 finished with value: 9.558754652272322 and parameters: {'x': 4.148322826217383, 'y': 0.9832088166987718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,797] Trial 304 finished with value: 12.425351652364135 and parameters: {'x': 4.806503345558579, 'y': 2.7379879240822897}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,797] Trial 305 finished with value: 4.323918901870375 and parameters: {'x': 1.114317998680301, 'y': 1.0636334525707207}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,798] Trial 306 finished with value: 10.305612608299866 and parameters: {'x': 3.1399398120322, 'y': 3.16638064574976}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,799] Trial 307 finished with value: 10.97430213769254 and parameters: {'x': 1.516395186429309, 'y': 4.081838757267333}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,800] Trial 308 finished with value: 9.870730647526344 and parameters: {'x': 2.0952835850444718, 'y': 4.069291426169951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,801] Trial 309 finished with value: 11.759512309986066 and parameters: {'x': 1.3260758528051553, 'y': 4.917127357017433}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,801] Trial 310 finished with value: 11.981160675499067 and parameters: {'x': 4.361526613299537, 'y': 2.242622946824728}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,802] Trial 311 finished with value: 5.876524131282984 and parameters: {'x': 1.676922549236917, 'y': 0.1485302699169916}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,803] Trial 312 finished with value: 13.102557317214668 and parameters: {'x': 4.954683743247883, 'y': 3.404747624152946}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,804] Trial 313 finished with value: 3.556361695609432 and parameters: {'x': 0.9457909320079672, 'y': 0.2252277474858655}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,804] Trial 314 finished with value: 8.87521749375287 and parameters: {'x': 0.0656977268124953, 'y': 3.309053083147978}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,805] Trial 315 finished with value: 6.476920544203612 and parameters: {'x': 0.5375617234826391, 'y': 1.5497881965234401}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,806] Trial 316 finished with value: 6.474013023556381 and parameters: {'x': 1.5397372414690502, 'y': 0.5873611308241922}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,807] Trial 317 finished with value: 13.685574803390994 and parameters: {'x': 4.734657103975001, 'y': 4.886952746178025}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,808] Trial 318 finished with value: 13.186159803321855 and parameters: {'x': 4.522396271343545, 'y': 3.980900747325177}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,808] Trial 319 finished with value: 10.182630143544603 and parameters: {'x': 0.32714711433914023, 'y': 3.5851931299846216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,809] Trial 320 finished with value: 7.545386493181928 and parameters: {'x': 2.2795521713986853, 'y': 0.7574185647525072}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,810] Trial 321 finished with value: 8.638261103686963 and parameters: {'x': 3.2336009756118003, 'y': 0.14617285939798774}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,811] Trial 322 finished with value: 13.291024791731683 and parameters: {'x': 3.7676043625502604, 'y': 4.448664730450772}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,811] Trial 323 finished with value: 5.694105094624511 and parameters: {'x': 0.05190019638577792, 'y': 1.6371392140332086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,812] Trial 324 finished with value: 10.783326963098192 and parameters: {'x': 4.142455457362445, 'y': 0.5629879698020956}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,813] Trial 325 finished with value: 9.235517675024784 and parameters: {'x': 0.12347868956855801, 'y': 4.071767644361329}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,814] Trial 326 finished with value: 6.097217281302395 and parameters: {'x': 1.2445263598758256, 'y': 1.2459829781456622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,815] Trial 327 finished with value: 5.959002451181533 and parameters: {'x': 0.7911840003011694, 'y': 1.3802797427861135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,816] Trial 328 finished with value: 7.483850239123026 and parameters: {'x': 2.14355172786834, 'y': 1.2921090270223545}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,816] Trial 329 finished with value: 7.465298730631504 and parameters: {'x': 1.8347352105276098, 'y': 1.746477966487205}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,817] Trial 330 finished with value: 7.702404747451398 and parameters: {'x': 1.66517890218663, 'y': 1.5168359888758993}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,818] Trial 331 finished with value: 7.329359741427874 and parameters: {'x': 1.575636430769551, 'y': 1.351125886959632}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,819] Trial 332 finished with value: 14.078439072449353 and parameters: {'x': 4.501473093762016, 'y': 4.834871016468915}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,819] Trial 333 finished with value: 11.805430242079208 and parameters: {'x': 4.483492736708329, 'y': 1.8663768989833134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,820] Trial 334 finished with value: 10.047661277193004 and parameters: {'x': 3.241396081360119, 'y': 1.5572090773062781}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,821] Trial 335 finished with value: 11.15966514900903 and parameters: {'x': 4.049860509608515, 'y': 4.023864483544081}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,822] Trial 336 finished with value: 10.351940922778217 and parameters: {'x': 3.9720884433516837, 'y': 0.5571758641568014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,823] Trial 337 finished with value: 11.312331656251716 and parameters: {'x': 4.057990718166497, 'y': 3.8977616929827925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,823] Trial 338 finished with value: 12.006578213933567 and parameters: {'x': 4.425400775488195, 'y': 1.612105259116436}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,824] Trial 339 finished with value: 4.546941065900725 and parameters: {'x': 0.5358271586999214, 'y': 0.8062487863403994}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,825] Trial 340 finished with value: 12.265954484314824 and parameters: {'x': 3.3639318073143447, 'y': 3.5707494667728037}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,826] Trial 341 finished with value: 9.686972424965605 and parameters: {'x': 1.1861710149027471, 'y': 4.028586842399676}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,827] Trial 342 finished with value: 13.975807137190671 and parameters: {'x': 4.59148148699102, 'y': 4.923109231094016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,827] Trial 343 finished with value: 12.615031694753085 and parameters: {'x': 4.985235725102164, 'y': 2.5796198033147206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,828] Trial 344 finished with value: 10.144438364863607 and parameters: {'x': 3.5004215430859222, 'y': 0.38279387609597704}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,829] Trial 345 finished with value: 13.285695130939878 and parameters: {'x': 4.5057074837582505, 'y': 4.0679132355585885}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,830] Trial 346 finished with value: 11.478174070108826 and parameters: {'x': 1.7953085662528945, 'y': 4.878518685464871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,830] Trial 347 finished with value: 5.066670251181307 and parameters: {'x': 1.9299304849809777, 'y': 0.0810469599552216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,831] Trial 348 finished with value: 7.725318776920252 and parameters: {'x': 0.09337227681652627, 'y': 2.7206977168107755}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,832] Trial 349 finished with value: 6.533854655052597 and parameters: {'x': 2.2157315861663758, 'y': 0.12850073723539135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,833] Trial 350 finished with value: 7.2859343683842965 and parameters: {'x': 1.8415225727936901, 'y': 2.1016025395545164}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,834] Trial 351 finished with value: 10.684908763016509 and parameters: {'x': 2.0270198062608795, 'y': 4.990388323243462}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,834] Trial 352 finished with value: 6.960187867889932 and parameters: {'x': 0.7833768772095029, 'y': 2.184794533969097}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,835] Trial 353 finished with value: 11.914386023386182 and parameters: {'x': 1.3511632715491224, 'y': 4.844817182998316}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,836] Trial 354 finished with value: 11.293224743723567 and parameters: {'x': 2.949045207579127, 'y': 3.5209321207041686}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,837] Trial 355 finished with value: 11.743346380615318 and parameters: {'x': 3.2496833610633677, 'y': 3.7770354167726987}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,837] Trial 356 finished with value: 11.679458875312944 and parameters: {'x': 4.426571355138362, 'y': 1.2652636739771244}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,838] Trial 357 finished with value: 7.773193283576287 and parameters: {'x': 1.1399690325804452, 'y': 3.013208541388202}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,839] Trial 358 finished with value: 10.168683800840451 and parameters: {'x': 1.1808208021313833, 'y': 3.6549315019705926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,840] Trial 359 finished with value: 9.62287503614435 and parameters: {'x': 3.3199945879638477, 'y': 1.1963746011645409}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,841] Trial 360 finished with value: 6.263740157827893 and parameters: {'x': 0.9295736477647659, 'y': 1.5638785802177801}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,841] Trial 361 finished with value: 8.422765161329606 and parameters: {'x': 1.8316448318363294, 'y': 2.949533951061176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,842] Trial 362 finished with value: 10.768903724134223 and parameters: {'x': 3.796194699561968, 'y': 1.6117538913772222}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,843] Trial 363 finished with value: 10.175476140465943 and parameters: {'x': 2.510110725524435, 'y': 2.9191553264881014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,844] Trial 364 finished with value: 10.554224493626993 and parameters: {'x': 1.3330044128659595, 'y': 3.56923322272833}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,845] Trial 365 finished with value: 10.428277943619925 and parameters: {'x': 2.2863555352433185, 'y': 3.251156861961829}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,845] Trial 366 finished with value: 9.397435687476593 and parameters: {'x': 2.513344192595443, 'y': 2.15696782708575}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,846] Trial 367 finished with value: 9.640255388206626 and parameters: {'x': 3.5888323054397455, 'y': 0.061804212855827156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,847] Trial 368 finished with value: 8.503077368268185 and parameters: {'x': 0.4014718752766372, 'y': 2.881864726744231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,848] Trial 369 finished with value: 10.89528845137693 and parameters: {'x': 4.06810858236602, 'y': 2.807681168241926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,848] Trial 370 finished with value: 7.572310130022002 and parameters: {'x': 3.017958480806348, 'y': 1.1029041260820605}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,849] Trial 371 finished with value: 11.35822683786316 and parameters: {'x': 4.597705213070565, 'y': 1.0275035020467445}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,850] Trial 372 finished with value: 10.334301783289174 and parameters: {'x': 3.441692822984785, 'y': 1.8760491085648985}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,851] Trial 373 finished with value: 9.366825163062781 and parameters: {'x': 1.0576451338911523, 'y': 4.104956711060199}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,852] Trial 374 finished with value: 10.319887087205322 and parameters: {'x': 0.572872190428042, 'y': 3.865253471404385}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,852] Trial 375 finished with value: 12.656247846838099 and parameters: {'x': 2.4153025902913856, 'y': 4.748548781570176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,853] Trial 376 finished with value: 10.336268730046392 and parameters: {'x': 2.7485185814912407, 'y': 2.622131045851649}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,854] Trial 377 finished with value: 12.6936342764527 and parameters: {'x': 4.367924052208163, 'y': 3.23362910079036}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,855] Trial 378 finished with value: 5.688948182824891 and parameters: {'x': 1.6461538485913811, 'y': 0.05224659864543846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,856] Trial 379 finished with value: 10.110830500819509 and parameters: {'x': 0.6854770412019723, 'y': 3.851589561924845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,856] Trial 380 finished with value: 12.273207645707943 and parameters: {'x': 4.165333083527113, 'y': 3.3233982753678104}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,857] Trial 381 finished with value: 12.484656744452234 and parameters: {'x': 2.8777810221359696, 'y': 4.542240526758478}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,858] Trial 382 finished with value: 11.425499761607393 and parameters: {'x': 3.5718757576050404, 'y': 2.4095000943864937}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,859] Trial 383 finished with value: 11.803245457094556 and parameters: {'x': 3.5369494495495686, 'y': 3.1968646099923888}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,859] Trial 384 finished with value: 9.042549452967808 and parameters: {'x': 0.12469722720175491, 'y': 4.015370361224231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,860] Trial 385 finished with value: 10.186575518036205 and parameters: {'x': 3.731743586736484, 'y': 1.9353467643436872}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,861] Trial 386 finished with value: 7.988209696799993 and parameters: {'x': 2.9316049100820516, 'y': 1.1817841776438487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,862] Trial 387 finished with value: 11.299408930796828 and parameters: {'x': 4.943151059515143, 'y': 2.9439116523280573}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,863] Trial 388 finished with value: 10.272115300169695 and parameters: {'x': 0.9953894225731719, 'y': 4.9508387129758065}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,863] Trial 389 finished with value: 11.413230783280214 and parameters: {'x': 4.265506968629001, 'y': 1.7206051686515156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,864] Trial 390 finished with value: 13.098549108408804 and parameters: {'x': 3.2852051919341596, 'y': 4.665301925763098}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,865] Trial 391 finished with value: 9.849913964349092 and parameters: {'x': 2.7953817518114112, 'y': 3.0855253870565784}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,866] Trial 392 finished with value: 12.292270609101232 and parameters: {'x': 2.3449460237387805, 'y': 4.974148831105845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,867] Trial 393 finished with value: 11.315203140090853 and parameters: {'x': 4.667368546076479, 'y': 0.14127706194105194}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,867] Trial 394 finished with value: 8.40520651084406 and parameters: {'x': 2.2419646994476965, 'y': 1.6998795591296951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,868] Trial 395 finished with value: 6.260505038728272 and parameters: {'x': 0.778811726152957, 'y': 1.478223468324038}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,869] Trial 396 finished with value: 11.472437481822912 and parameters: {'x': 3.586250970322703, 'y': 2.4350476434490167}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,870] Trial 397 finished with value: 12.235704085862338 and parameters: {'x': 1.5414894309370952, 'y': 4.599743491318141}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,870] Trial 398 finished with value: 10.519853942161596 and parameters: {'x': 3.478770004972627, 'y': 1.3835972523776308}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,871] Trial 399 finished with value: 11.915337561227599 and parameters: {'x': 3.9657694708972295, 'y': 4.993195560328999}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,872] Trial 400 finished with value: 11.320253002288661 and parameters: {'x': 3.521502151128004, 'y': 2.374145628966899}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,873] Trial 401 finished with value: 11.29090329121093 and parameters: {'x': 3.977316749198101, 'y': 2.6625305621987865}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,874] Trial 402 finished with value: 11.875663331991058 and parameters: {'x': 2.873164558462395, 'y': 4.831149901117671}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,874] Trial 403 finished with value: 12.175443931137195 and parameters: {'x': 4.713437402146087, 'y': 2.946326447389634}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,875] Trial 404 finished with value: 8.300926935758039 and parameters: {'x': 1.147792118520532, 'y': 2.4767743459617138}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,876] Trial 405 finished with value: 8.196354605338419 and parameters: {'x': 2.178274914321877, 'y': 1.6548526008809084}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,877] Trial 406 finished with value: 8.732343943691152 and parameters: {'x': 3.018750335116476, 'y': 0.4734319073153487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,878] Trial 407 finished with value: 11.831532846162496 and parameters: {'x': 0.5787878859449158, 'y': 4.848441660674134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,878] Trial 408 finished with value: 11.467460198669075 and parameters: {'x': 4.7644736377631, 'y': 1.9000070726471474}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,879] Trial 409 finished with value: 13.241272533641627 and parameters: {'x': 4.937879774226172, 'y': 3.5911532254609426}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,880] Trial 410 finished with value: 12.199229033452848 and parameters: {'x': 4.621158542946111, 'y': 1.659022406354706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,881] Trial 411 finished with value: 11.274497517651321 and parameters: {'x': 4.213027646130707, 'y': 3.024612028996253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,882] Trial 412 finished with value: 11.011320355706633 and parameters: {'x': 4.209069911893718, 'y': 0.4391846452987075}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,883] Trial 413 finished with value: 7.835987772707956 and parameters: {'x': 1.7524743073911475, 'y': 2.1459799105722226}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,883] Trial 414 finished with value: 9.801001789392005 and parameters: {'x': 4.0132414178067455, 'y': 1.2103487743058405}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,884] Trial 415 finished with value: 4.897269335440885 and parameters: {'x': 0.016661386459545513, 'y': 1.9432817255369261}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,885] Trial 416 finished with value: 11.680835279899052 and parameters: {'x': 4.607965659748283, 'y': 0.763119379038707}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,886] Trial 417 finished with value: 13.246856664211204 and parameters: {'x': 3.749972298117215, 'y': 4.7374180952583425}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,887] Trial 418 finished with value: 5.387323888817008 and parameters: {'x': 1.253885077828284, 'y': 0.787196297398004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,887] Trial 419 finished with value: 7.624139513333427 and parameters: {'x': 1.7152766785823403, 'y': 1.461602709177967}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,888] Trial 420 finished with value: 8.601597924364475 and parameters: {'x': 1.3520658837907396, 'y': 2.372438113797351}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,889] Trial 421 finished with value: 7.379291585291298 and parameters: {'x': 2.7930189821136464, 'y': 0.031737380005553706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,890] Trial 422 finished with value: 10.891688058409025 and parameters: {'x': 4.217288485526173, 'y': 0.6801696396168871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,890] Trial 423 finished with value: 10.299411814439988 and parameters: {'x': 3.8122101873765697, 'y': 0.41218452352049795}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,891] Trial 424 finished with value: 10.208464294714064 and parameters: {'x': 3.81880576682492, 'y': 1.8169659683865675}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,892] Trial 425 finished with value: 10.028817047410373 and parameters: {'x': 1.2087293105524348, 'y': 3.793127415195745}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,893] Trial 426 finished with value: 7.261182866121507 and parameters: {'x': 0.2790957476830819, 'y': 2.2438680755679603}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,894] Trial 427 finished with value: 14.24707476875786 and parameters: {'x': 4.504128191663766, 'y': 4.536426179394706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,894] Trial 428 finished with value: 11.53130854114426 and parameters: {'x': 2.34440646591819, 'y': 4.155224828254459}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,895] Trial 429 finished with value: 10.035148728001966 and parameters: {'x': 3.339457159272726, 'y': 1.3085702530437353}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,896] Trial 430 finished with value: 12.00190998770292 and parameters: {'x': 1.7877920284854298, 'y': 4.638094994544125}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,897] Trial 431 finished with value: 14.01538390195471 and parameters: {'x': 4.410506190386242, 'y': 4.788139963768522}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,898] Trial 432 finished with value: 4.666091133704892 and parameters: {'x': 1.1059764324677757, 'y': 0.7542856870743286}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,898] Trial 433 finished with value: 8.142015730690124 and parameters: {'x': 0.6161159090355595, 'y': 2.3898397730907184}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,899] Trial 434 finished with value: 11.879730726613051 and parameters: {'x': 1.2871110125996195, 'y': 4.732209161219746}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,900] Trial 435 finished with value: 11.50770167045246 and parameters: {'x': 2.4547123105592443, 'y': 3.6044560976192708}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,901] Trial 436 finished with value: 11.39469182989561 and parameters: {'x': 4.981161330369753, 'y': 2.1766888161941926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:12:37,902] Trial 437 finished with value: 0.7804106054859936 and parameters: {'x': 0.10732164140456302, 'y': 0.07550790294400644}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,902] Trial 438 finished with value: 10.429537583216518 and parameters: {'x': 2.3584819107069817, 'y': 3.190198197830021}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,903] Trial 439 finished with value: 4.96540431517192 and parameters: {'x': 0.5277377187120708, 'y': 1.0982878491684678}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,904] Trial 440 finished with value: 12.51959837127892 and parameters: {'x': 3.6746873579644275, 'y': 3.5656393265313238}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,905] Trial 441 finished with value: 13.310419785020215 and parameters: {'x': 4.801937205804211, 'y': 3.656659960854932}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,905] Trial 442 finished with value: 11.149675940912598 and parameters: {'x': 4.200232100305174, 'y': 2.9712838594594713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,906] Trial 443 finished with value: 12.343066204190144 and parameters: {'x': 3.4099618227374546, 'y': 3.554075909742147}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,907] Trial 444 finished with value: 5.6759505823925345 and parameters: {'x': 0.8780434126462405, 'y': 1.9094461322518268}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,908] Trial 445 finished with value: 6.607630149326052 and parameters: {'x': 1.9938793894736069, 'y': 1.935711389319521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,909] Trial 446 finished with value: 6.00431305323762 and parameters: {'x': 0.9366003382596688, 'y': 2.1169233194543096}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,909] Trial 447 finished with value: 13.027263446057466 and parameters: {'x': 3.689892011332293, 'y': 4.950600642632251}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,910] Trial 448 finished with value: 11.06575203582668 and parameters: {'x': 0.3441815521175967, 'y': 4.262229256565206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,911] Trial 449 finished with value: 11.233300822016634 and parameters: {'x': 3.9237478347273207, 'y': 2.3966823952125753}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,912] Trial 450 finished with value: 8.935380249107924 and parameters: {'x': 1.4876991240229658, 'y': 2.4164676051324174}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,913] Trial 451 finished with value: 11.741073301615504 and parameters: {'x': 1.9644552766060486, 'y': 4.498472398791405}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,913] Trial 452 finished with value: 6.082732869229478 and parameters: {'x': 1.400062597877147, 'y': 0.47308219360903625}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,914] Trial 453 finished with value: 8.122986607956738 and parameters: {'x': 2.5225478308799607, 'y': 0.8888340113786181}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,915] Trial 454 finished with value: 10.02573892634024 and parameters: {'x': 1.1571208454981974, 'y': 3.4887523537576577}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,916] Trial 455 finished with value: 14.122725695817879 and parameters: {'x': 4.425953927746668, 'y': 4.4820875653525025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,917] Trial 456 finished with value: 11.12488185820932 and parameters: {'x': 4.034092789320193, 'y': 3.9351871317284477}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,917] Trial 457 finished with value: 10.822916013291252 and parameters: {'x': 4.057685738995707, 'y': 1.6228102359843521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,918] Trial 458 finished with value: 7.799678963438955 and parameters: {'x': 3.104179792814024, 'y': 0.9079559307976542}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,919] Trial 459 finished with value: 13.558071660350077 and parameters: {'x': 4.263230292643333, 'y': 4.789186109978953}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,920] Trial 460 finished with value: 5.379273068061256 and parameters: {'x': 1.2629667463169851, 'y': 0.3471682486006089}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,921] Trial 461 finished with value: 13.503353859353549 and parameters: {'x': 3.6472602799256286, 'y': 4.585275919341306}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,921] Trial 462 finished with value: 9.95189832119296 and parameters: {'x': 4.217291323814577, 'y': 0.06534306686574565}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,922] Trial 463 finished with value: 7.316189589089076 and parameters: {'x': 2.1544055069289936, 'y': 1.977017966150556}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,923] Trial 464 finished with value: 6.837266790743383 and parameters: {'x': 2.107062124054001, 'y': 0.7011774809488025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,924] Trial 465 finished with value: 12.326391259520475 and parameters: {'x': 3.8061924650999472, 'y': 3.4622914922425165}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,925] Trial 466 finished with value: 12.438153329094177 and parameters: {'x': 3.059137452812551, 'y': 4.644550575118717}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,925] Trial 467 finished with value: 10.795756609067213 and parameters: {'x': 3.5770919128123864, 'y': 1.6153670832663791}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,926] Trial 468 finished with value: 12.976661440518908 and parameters: {'x': 4.080223600535277, 'y': 4.7351518146604885}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,927] Trial 469 finished with value: 8.31533623510785 and parameters: {'x': 0.8067232894823856, 'y': 2.6448926126752745}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,928] Trial 470 finished with value: 10.129849179817505 and parameters: {'x': 3.8967028438943183, 'y': 1.7891317967768172}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,929] Trial 471 finished with value: 10.495601334816916 and parameters: {'x': 1.843470804737017, 'y': 3.5058645128464376}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,929] Trial 472 finished with value: 10.088792482724358 and parameters: {'x': 2.7654320858351027, 'y': 3.113727970345309}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,930] Trial 473 finished with value: 8.489489614352319 and parameters: {'x': 1.0263837170960788, 'y': 3.215932794062375}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,931] Trial 474 finished with value: 10.997502590623936 and parameters: {'x': 2.4805922066317883, 'y': 3.284689230485689}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,932] Trial 475 finished with value: 6.291712557698734 and parameters: {'x': 1.4650440056970793, 'y': 0.7063166537840632}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,933] Trial 476 finished with value: 10.93523004668661 and parameters: {'x': 4.183730895251133, 'y': 0.5658401958833559}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,933] Trial 477 finished with value: 7.850438094434846 and parameters: {'x': 0.5599168274764549, 'y': 2.2945630290077066}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,934] Trial 478 finished with value: 11.627074996182836 and parameters: {'x': 2.074821999819689, 'y': 4.727132686901395}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,935] Trial 479 finished with value: 7.797052693640023 and parameters: {'x': 2.060681641475947, 'y': 1.629046569019739}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,936] Trial 480 finished with value: 7.032253172863296 and parameters: {'x': 1.6073255276032867, 'y': 1.246078044226684}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,937] Trial 481 finished with value: 9.717309651594512 and parameters: {'x': 3.694629393054078, 'y': 0.1452253478402482}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,937] Trial 482 finished with value: 9.28452105239339 and parameters: {'x': 3.2417304714517914, 'y': 0.32514601807110965}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,938] Trial 483 finished with value: 5.315871409227775 and parameters: {'x': 1.200964624897748, 'y': 0.4522330920560269}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,939] Trial 484 finished with value: 9.440968128035568 and parameters: {'x': 3.8048243910578416, 'y': 1.0766348745679348}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,940] Trial 485 finished with value: 11.128758047393772 and parameters: {'x': 3.4025495977679103, 'y': 2.3743371466036587}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,940] Trial 486 finished with value: 11.606968638275713 and parameters: {'x': 4.654079612466723, 'y': 0.7898450946089941}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,941] Trial 487 finished with value: 8.164509127866584 and parameters: {'x': 2.4061686085964666, 'y': 0.45546552540126295}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,942] Trial 488 finished with value: 4.215593111143367 and parameters: {'x': 0.8822884373740586, 'y': 0.3681398348093584}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,943] Trial 489 finished with value: 10.402055248667342 and parameters: {'x': 1.7199664697902828, 'y': 3.3849639252179493}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,944] Trial 490 finished with value: 7.395006822537743 and parameters: {'x': 1.3881946345175273, 'y': 1.5523358451185554}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,944] Trial 491 finished with value: 6.0595150997035425 and parameters: {'x': 0.2723050025800139, 'y': 1.5129130477433206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,945] Trial 492 finished with value: 11.838682067772567 and parameters: {'x': 4.276207744351974, 'y': 2.83923223769671}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,946] Trial 493 finished with value: 13.278499721884376 and parameters: {'x': 4.85037561346188, 'y': 3.4596523068267637}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,947] Trial 494 finished with value: 4.549486920521389 and parameters: {'x': 0.6634885345608066, 'y': 0.8018360929305579}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,948] Trial 495 finished with value: 5.690223476399435 and parameters: {'x': 1.9547778130093625, 'y': 0.864218941932488}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,949] Trial 496 finished with value: 3.8395917237234833 and parameters: {'x': 0.13501540166023784, 'y': 1.1454565746303713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,949] Trial 497 finished with value: 9.06181195713635 and parameters: {'x': 2.0097930888484257, 'y': 2.5779436380218317}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,950] Trial 498 finished with value: 4.141706705777526 and parameters: {'x': 1.050766261540541, 'y': 0.8255628900432621}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,951] Trial 499 finished with value: 10.11695865881527 and parameters: {'x': 3.4497399262396455, 'y': 0.47594639104199365}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:12:37,951] A new study created in memory with name: x=[0,4), y=[0,4)\n[I 2023-11-01 05:12:37,952] Trial 0 finished with value: 9.859778541798656 and parameters: {'x': 1.3933196794073037, 'y': 3.2358514401958347}. Best is trial 0 with value: 9.859778541798656.\n[I 2023-11-01 05:12:37,953] Trial 1 finished with value: 9.039593212528152 and parameters: {'x': 1.838548751301699, 'y': 2.504497219276703}. Best is trial 1 with value: 9.039593212528152.\n[I 2023-11-01 05:12:37,954] Trial 2 finished with value: 4.244161659801236 and parameters: {'x': 0.8145873234061498, 'y': 0.37470161910149224}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,954] Trial 3 finished with value: 10.707175702169542 and parameters: {'x': 3.902103869064555, 'y': 1.4693753133410787}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,955] Trial 4 finished with value: 7.299292877283396 and parameters: {'x': 2.305135871772639, 'y': 0.9837282718184688}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,956] Trial 5 finished with value: 10.680969952713568 and parameters: {'x': 3.96983477897882, 'y': 2.265084513109098}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,956] Trial 6 finished with value: 10.534469944310851 and parameters: {'x': 2.0671457821091552, 'y': 3.5257358718900864}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,957] Trial 7 finished with value: 6.984222753302996 and parameters: {'x': 0.04765358251977991, 'y': 2.92097283880608}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,958] Trial 8 finished with value: 8.822231479320317 and parameters: {'x': 1.2751187315175243, 'y': 2.600010316693418}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,959] Trial 9 finished with value: 10.098013003294861 and parameters: {'x': 3.30128843589085, 'y': 1.7369520482245924}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,959] Trial 10 finished with value: 6.590857000246849 and parameters: {'x': 0.6273547556415009, 'y': 1.9094396171974033}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,960] Trial 11 finished with value: 5.529780090813791 and parameters: {'x': 1.3200314988592186, 'y': 0.9621656302946389}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,961] Trial 12 finished with value: 7.964652132745382 and parameters: {'x': 2.431829240381084, 'y': 0.8558984720330014}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,962] Trial 13 finished with value: 7.2060689475395385 and parameters: {'x': 1.9347330117135004, 'y': 1.7763143086502295}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,962] Trial 14 finished with value: 7.38790703558322 and parameters: {'x': 1.4591918094157488, 'y': 1.4523362557690818}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,963] Trial 15 finished with value: 6.166968985628692 and parameters: {'x': 0.8561980303273447, 'y': 1.472478142941779}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,964] Trial 16 finished with value: 8.558532033087145 and parameters: {'x': 0.6168391828672339, 'y': 2.836747068751847}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,965] Trial 17 finished with value: 9.338342614865656 and parameters: {'x': 3.298276896472674, 'y': 1.1440750956569046}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,965] Trial 18 finished with value: 11.10649259399895 and parameters: {'x': 2.8214730316745245, 'y': 3.7744207192919066}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,966] Trial 19 finished with value: 6.7236981165918905 and parameters: {'x': 0.5425632260332911, 'y': 1.9664808329550993}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,967] Trial 20 finished with value: 9.197320562025435 and parameters: {'x': 2.6301945639685935, 'y': 2.0897056077133547}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,968] Trial 21 finished with value: 6.564082939358261 and parameters: {'x': 0.5216182433451544, 'y': 1.6125483245888965}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,968] Trial 22 finished with value: 7.760458384259243 and parameters: {'x': 1.649580915829942, 'y': 1.7232746235781753}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,969] Trial 23 finished with value: 4.692281434608283 and parameters: {'x': 0.4763457596546661, 'y': 1.0318764322136516}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,970] Trial 24 finished with value: 10.457106146198148 and parameters: {'x': 1.884117526823101, 'y': 3.515186937291592}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,971] Trial 25 finished with value: 10.28898955389791 and parameters: {'x': 3.1158246006173047, 'y': 3.1838538522785744}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,971] Trial 26 finished with value: 9.331292201439751 and parameters: {'x': 0.017672354936568713, 'y': 3.4211695299212206}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,972] Trial 27 finished with value: 10.060005028037963 and parameters: {'x': 0.786957066684185, 'y': 3.6852471668044555}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:12:37,973] Trial 28 finished with value: 3.964292399208695 and parameters: {'x': 0.46295550697412713, 'y': 0.39938900035022407}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,974] Trial 29 finished with value: 10.269990858462307 and parameters: {'x': 1.65981265679325, 'y': 3.320513303194814}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,974] Trial 30 finished with value: 11.268039501438045 and parameters: {'x': 2.633330398842245, 'y': 3.362248171171207}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,975] Trial 31 finished with value: 5.396934020251162 and parameters: {'x': 1.1949167255641462, 'y': 1.1654157413744377}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,976] Trial 32 finished with value: 9.829000907142534 and parameters: {'x': 0.8784560741266598, 'y': 3.4924433376133783}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,976] Trial 33 finished with value: 10.369946123204146 and parameters: {'x': 3.9701276532663954, 'y': 0.4997243304279091}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,977] Trial 34 finished with value: 7.682115993810168 and parameters: {'x': 2.0668884599462567, 'y': 1.4241440362775037}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,978] Trial 35 finished with value: 11.752399043322077 and parameters: {'x': 3.1788488466327007, 'y': 3.5497268271566926}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,979] Trial 36 finished with value: 12.226827133986625 and parameters: {'x': 3.4516564162177263, 'y': 3.4014755174992803}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,979] Trial 37 finished with value: 9.001126604354294 and parameters: {'x': 1.7287436729282057, 'y': 3.039231370839761}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:12:37,980] Trial 38 finished with value: 3.7033385075458476 and parameters: {'x': 0.2408286872302634, 'y': 0.9882472155647375}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,981] Trial 39 finished with value: 7.816144951505883 and parameters: {'x': 2.38247805165682, 'y': 1.0733449299813174}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,982] Trial 40 finished with value: 11.480525241689845 and parameters: {'x': 3.75901341027312, 'y': 2.453615193920154}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,982] Trial 41 finished with value: 12.202111886720926 and parameters: {'x': 3.7450474278361403, 'y': 3.7846922598231063}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,983] Trial 42 finished with value: 11.405793594949529 and parameters: {'x': 2.403226350502876, 'y': 3.745084760723254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,984] Trial 43 finished with value: 5.750984516139752 and parameters: {'x': 1.781549861697862, 'y': 0.16127595645851578}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,985] Trial 44 finished with value: 5.54345653122553 and parameters: {'x': 0.2172688339262261, 'y': 1.3822698988079365}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,985] Trial 45 finished with value: 10.060905765872992 and parameters: {'x': 0.7979283545488918, 'y': 3.5741214978277833}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,986] Trial 46 finished with value: 6.959205036747614 and parameters: {'x': 0.5164581753461488, 'y': 2.0663302791013227}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,987] Trial 47 finished with value: 11.03616182271487 and parameters: {'x': 3.9480950365448084, 'y': 3.96645174529096}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,988] Trial 48 finished with value: 6.614950609692865 and parameters: {'x': 0.6310986798933471, 'y': 1.6589654222068524}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,988] Trial 49 finished with value: 9.175626846648905 and parameters: {'x': 2.745981291764348, 'y': 1.4264809557268383}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,989] Trial 50 finished with value: 8.515399997037537 and parameters: {'x': 2.6274468517453085, 'y': 0.6861219767706412}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,990] Trial 51 finished with value: 5.435487475041612 and parameters: {'x': 1.9397491625683356, 'y': 1.0202429416259573}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,991] Trial 52 finished with value: 9.745806897619802 and parameters: {'x': 3.430168293505469, 'y': 0.2317638687174539}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,991] Trial 53 finished with value: 9.752071545230551 and parameters: {'x': 2.7855338170640893, 'y': 3.043792727489718}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,992] Trial 54 finished with value: 4.4704695077871826 and parameters: {'x': 0.5271026419422009, 'y': 0.6223072245090484}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,993] Trial 55 finished with value: 12.03918283506897 and parameters: {'x': 3.2704636918929406, 'y': 3.5829796005976884}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,994] Trial 56 finished with value: 10.18696347807152 and parameters: {'x': 3.9278091591189184, 'y': 2.9741530786699166}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,994] Trial 57 finished with value: 7.556126379464672 and parameters: {'x': 3.0881791182582132, 'y': 0.9834557500733685}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,995] Trial 58 finished with value: 9.185903992885615 and parameters: {'x': 3.3688244164395478, 'y': 0.07370278788612072}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,996] Trial 59 finished with value: 6.280576366644379 and parameters: {'x': 0.5731961180739842, 'y': 1.450687583583008}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,997] Trial 60 finished with value: 7.742064083775642 and parameters: {'x': 1.5656204313309159, 'y': 1.7387483442563485}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,997] Trial 61 finished with value: 11.132968842390083 and parameters: {'x': 3.39312495501294, 'y': 2.843245434223765}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,998] Trial 62 finished with value: 8.567754039160308 and parameters: {'x': 1.8015413117258299, 'y': 2.944191104585469}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:37,999] Trial 63 finished with value: 4.832743885161232 and parameters: {'x': 0.4465773656006653, 'y': 1.0891525830804647}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,000] Trial 64 finished with value: 11.104507548957141 and parameters: {'x': 2.8701212402413727, 'y': 3.733795236099265}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,000] Trial 65 finished with value: 7.40615921330866 and parameters: {'x': 2.3241082704852536, 'y': 0.9776882221678127}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,001] Trial 66 finished with value: 11.505979204998482 and parameters: {'x': 2.737406586939625, 'y': 3.6572814342341977}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,002] Trial 67 finished with value: 6.534579593040267 and parameters: {'x': 1.2195404608268183, 'y': 1.9017797211719087}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,003] Trial 68 finished with value: 9.930908552455072 and parameters: {'x': 0.5560221319737524, 'y': 3.3681618420035133}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,003] Trial 69 finished with value: 6.901786099055903 and parameters: {'x': 2.272307748983125, 'y': 0.12754687071613713}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,004] Trial 70 finished with value: 9.998882920157838 and parameters: {'x': 0.7698589318554725, 'y': 3.7592329794195254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,005] Trial 71 finished with value: 7.919037470960159 and parameters: {'x': 2.600456136224802, 'y': 0.12119274231295663}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,006] Trial 72 finished with value: 9.62924260549343 and parameters: {'x': 3.5723994726880854, 'y': 0.054357180230217406}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:12:38,006] Trial 73 finished with value: 0.2151968790881824 and parameters: {'x': 0.04884273066499656, 'y': 0.016513827190637542}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,007] Trial 74 finished with value: 5.876716919840415 and parameters: {'x': 0.1695058988291449, 'y': 1.5451156431523292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,008] Trial 75 finished with value: 6.50152632645646 and parameters: {'x': 1.253513702284081, 'y': 1.3314201920039643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,009] Trial 76 finished with value: 10.073728693626201 and parameters: {'x': 1.790940909549009, 'y': 3.9306183079192376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,010] Trial 77 finished with value: 11.592961833859302 and parameters: {'x': 3.3382684898030006, 'y': 3.247600734696528}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,011] Trial 78 finished with value: 8.524339728788682 and parameters: {'x': 2.7939800283677414, 'y': 1.9465730742746103}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,012] Trial 79 finished with value: 6.810148362488738 and parameters: {'x': 2.250517079552346, 'y': 0.1412007733389138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,012] Trial 80 finished with value: 4.578449067293313 and parameters: {'x': 0.9513282606596039, 'y': 0.5176395568530854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,013] Trial 81 finished with value: 8.03611178521659 and parameters: {'x': 2.7495574802101426, 'y': 0.8605322444674512}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,014] Trial 82 finished with value: 9.0484191526951 and parameters: {'x': 3.302135926381046, 'y': 0.9473176516728192}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,015] Trial 83 finished with value: 12.120266358270943 and parameters: {'x': 3.6739792951218915, 'y': 3.934808570119411}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,015] Trial 84 finished with value: 10.402439856923305 and parameters: {'x': 1.9698964088020623, 'y': 3.506429165248168}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,016] Trial 85 finished with value: 4.160126567431099 and parameters: {'x': 0.7989548719069344, 'y': 0.3462904341027335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,017] Trial 86 finished with value: 8.553032648925823 and parameters: {'x': 2.9162754648283156, 'y': 0.42806181200585414}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,018] Trial 87 finished with value: 10.608490346655685 and parameters: {'x': 3.2532379182350595, 'y': 3.0910275017250406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,018] Trial 88 finished with value: 3.7015802211423185 and parameters: {'x': 0.2322645623258115, 'y': 0.5625554562742372}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,019] Trial 89 finished with value: 9.191385997850857 and parameters: {'x': 2.547976011875257, 'y': 1.516626324984331}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,020] Trial 90 finished with value: 6.442237775568518 and parameters: {'x': 1.1361400624445248, 'y': 1.4499627343902555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,021] Trial 91 finished with value: 10.0445479409038 and parameters: {'x': 1.1371007311701828, 'y': 3.5410274711784107}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,021] Trial 92 finished with value: 10.977920512951362 and parameters: {'x': 3.757065188327247, 'y': 2.8931772973556926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,022] Trial 93 finished with value: 8.235795283382567 and parameters: {'x': 2.082113472254048, 'y': 2.9454209884361773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,023] Trial 94 finished with value: 9.93034334231159 and parameters: {'x': 3.464529351420215, 'y': 0.28253052622114705}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,024] Trial 95 finished with value: 4.12794561810944 and parameters: {'x': 0.4961925387838706, 'y': 0.44012286036116954}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,024] Trial 96 finished with value: 9.770704684742935 and parameters: {'x': 0.9230872571633748, 'y': 3.490669945563004}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,025] Trial 97 finished with value: 8.019703025801185 and parameters: {'x': 3.1355638961169685, 'y': 1.0714067782110388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,026] Trial 98 finished with value: 10.506967336266714 and parameters: {'x': 3.0207104304758863, 'y': 3.849499571070234}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,027] Trial 99 finished with value: 9.769323851016116 and parameters: {'x': 2.924175184757402, 'y': 2.3448622903364957}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,027] Trial 100 finished with value: 8.640166243405007 and parameters: {'x': 2.7226932337739216, 'y': 0.4994786053724156}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,028] Trial 101 finished with value: 10.089444683751838 and parameters: {'x': 3.871491069827993, 'y': 0.33848581827426116}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,029] Trial 102 finished with value: 8.186227648748062 and parameters: {'x': 1.2200983012467015, 'y': 2.360577004611718}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,030] Trial 103 finished with value: 8.06051983142751 and parameters: {'x': 2.4520107245963514, 'y': 0.8297937319854545}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,030] Trial 104 finished with value: 8.386680858343565 and parameters: {'x': 0.3249375577272491, 'y': 2.6079869824945696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,031] Trial 105 finished with value: 7.348582073690469 and parameters: {'x': 1.067582975461931, 'y': 2.9485118438811426}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,032] Trial 106 finished with value: 6.205295019163518 and parameters: {'x': 2.06997945847861, 'y': 0.8137554383860333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,033] Trial 107 finished with value: 10.986137556963685 and parameters: {'x': 3.5765675535466497, 'y': 2.2201968827903356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,033] Trial 108 finished with value: 11.476111653910753 and parameters: {'x': 3.6031268809452617, 'y': 2.4312641887005704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,034] Trial 109 finished with value: 7.3944165656711185 and parameters: {'x': 2.8733924329055345, 'y': 1.0206703053627808}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,035] Trial 110 finished with value: 8.139625158792638 and parameters: {'x': 2.820147250520451, 'y': 1.1666515616728446}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,036] Trial 111 finished with value: 4.933785005094766 and parameters: {'x': 1.9178777080752796, 'y': 0.021013293830758784}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,036] Trial 112 finished with value: 5.624930891218909 and parameters: {'x': 1.4332515629066673, 'y': 0.17797717789785095}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,037] Trial 113 finished with value: 6.094411408044536 and parameters: {'x': 0.8831892500246643, 'y': 1.7561596489534015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,038] Trial 114 finished with value: 10.350248108508522 and parameters: {'x': 0.5621434508607988, 'y': 3.8269720325807453}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,039] Trial 115 finished with value: 4.446371638664033 and parameters: {'x': 1.0795604822820097, 'y': 0.7805852288782855}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,039] Trial 116 finished with value: 11.379784239135127 and parameters: {'x': 3.635131315146991, 'y': 2.829311753826587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,040] Trial 117 finished with value: 9.874730007709653 and parameters: {'x': 3.4682953737404696, 'y': 0.8220673834864538}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,041] Trial 118 finished with value: 9.807764019725601 and parameters: {'x': 0.9494737467704817, 'y': 3.530087053993743}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,042] Trial 119 finished with value: 11.410294712002278 and parameters: {'x': 3.9871173808297056, 'y': 3.842963180939406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,042] Trial 120 finished with value: 7.719275347795678 and parameters: {'x': 2.0065123631697337, 'y': 1.5455205599702864}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,043] Trial 121 finished with value: 9.277457289195318 and parameters: {'x': 1.6182801213473015, 'y': 3.027341246168199}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,044] Trial 122 finished with value: 7.763855358987204 and parameters: {'x': 0.9363421887709489, 'y': 3.111505973359827}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,045] Trial 123 finished with value: 9.110185341215733 and parameters: {'x': 2.5624184237197096, 'y': 1.8247744584254226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,045] Trial 124 finished with value: 6.528727778503942 and parameters: {'x': 0.40511538340101305, 'y': 1.8765124216775555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,046] Trial 125 finished with value: 12.364248094899766 and parameters: {'x': 3.7277047674793513, 'y': 3.7247168959501478}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,047] Trial 126 finished with value: 11.011311935244251 and parameters: {'x': 2.3685755137917592, 'y': 3.3575240438917673}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,048] Trial 127 finished with value: 7.258172960937385 and parameters: {'x': 1.2317497913178186, 'y': 2.159008680800039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,048] Trial 128 finished with value: 7.430708868599407 and parameters: {'x': 2.3883691403099236, 'y': 0.09910389553271326}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,049] Trial 129 finished with value: 4.377886023640851 and parameters: {'x': 0.7326561110324659, 'y': 0.4290136452924571}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,050] Trial 130 finished with value: 9.679292695512402 and parameters: {'x': 3.7296188437089395, 'y': 0.15512078425954456}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,051] Trial 131 finished with value: 8.925525251448645 and parameters: {'x': 3.9106045264751623, 'y': 0.9588186728514732}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,051] Trial 132 finished with value: 6.6398318289712215 and parameters: {'x': 0.48236236064767146, 'y': 1.7600763848392056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,052] Trial 133 finished with value: 9.293731400441033 and parameters: {'x': 3.128480998346366, 'y': 1.7400833037468666}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,053] Trial 134 finished with value: 9.874323707396623 and parameters: {'x': 3.484209234756394, 'y': 1.0985066631040374}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,054] Trial 135 finished with value: 8.631833679924338 and parameters: {'x': 1.8948794514066605, 'y': 3.117613250216388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,055] Trial 136 finished with value: 10.275675796090006 and parameters: {'x': 3.3991273948311873, 'y': 1.8340578173776851}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,055] Trial 137 finished with value: 10.359721880073934 and parameters: {'x': 2.6267802049016957, 'y': 3.085700377707863}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,056] Trial 138 finished with value: 8.210833865250711 and parameters: {'x': 2.516363850598352, 'y': 0.8196266205695761}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,057] Trial 139 finished with value: 12.022924135876615 and parameters: {'x': 3.389095679740186, 'y': 3.3529398437885245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,058] Trial 140 finished with value: 9.304331326398993 and parameters: {'x': 1.642346402818133, 'y': 2.651197454795302}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,058] Trial 141 finished with value: 8.686674607755023 and parameters: {'x': 1.7089786565719036, 'y': 2.316092187475462}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,059] Trial 142 finished with value: 6.997240891390188 and parameters: {'x': 2.0776459027142766, 'y': 0.5371464989205403}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,060] Trial 143 finished with value: 9.576903304434243 and parameters: {'x': 3.7642216964945523, 'y': 0.9019122546912715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,061] Trial 144 finished with value: 9.803241032909828 and parameters: {'x': 3.5326499741645327, 'y': 0.9714572510032968}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,061] Trial 145 finished with value: 7.8071162529029365 and parameters: {'x': 0.9530674923667211, 'y': 2.7634909126453584}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,062] Trial 146 finished with value: 10.075231814652724 and parameters: {'x': 3.48441276263407, 'y': 0.7180431183628277}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,063] Trial 147 finished with value: 6.375922180024251 and parameters: {'x': 1.8046886318843813, 'y': 0.7459821381585212}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,064] Trial 148 finished with value: 9.413608486585655 and parameters: {'x': 3.933916726426555, 'y': 1.9585479049450258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,064] Trial 149 finished with value: 10.28412430704962 and parameters: {'x': 3.3148229892276877, 'y': 1.535581323171066}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,065] Trial 150 finished with value: 4.350627454821726 and parameters: {'x': 0.21250281775814894, 'y': 1.1646549470884318}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,066] Trial 151 finished with value: 9.291214543796979 and parameters: {'x': 3.767119014514924, 'y': 0.05554223443280559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,067] Trial 152 finished with value: 11.262615388974723 and parameters: {'x': 2.6782951778417865, 'y': 3.9068321042955114}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,067] Trial 153 finished with value: 7.037404672005643 and parameters: {'x': 1.5623448927156396, 'y': 1.2560764485773763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,068] Trial 154 finished with value: 6.290638213631119 and parameters: {'x': 0.9897733601874057, 'y': 1.578485331567916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,069] Trial 155 finished with value: 5.736349520417626 and parameters: {'x': 0.625380744133333, 'y': 1.2821182192654983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,070] Trial 156 finished with value: 6.766715854131045 and parameters: {'x': 2.027214829584737, 'y': 1.8991490484783213}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,070] Trial 157 finished with value: 10.87770316730678 and parameters: {'x': 2.4079485621216716, 'y': 3.282445457145102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,071] Trial 158 finished with value: 10.035889093507278 and parameters: {'x': 1.2347496820084465, 'y': 3.842653042199124}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,072] Trial 159 finished with value: 10.304801724231645 and parameters: {'x': 0.6662920601396958, 'y': 3.6561413772209934}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,073] Trial 160 finished with value: 7.637435938861136 and parameters: {'x': 1.9853065750934986, 'y': 1.4879383070697996}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,073] Trial 161 finished with value: 6.8235965706121124 and parameters: {'x': 1.4821404923034507, 'y': 1.2254013635508776}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,074] Trial 162 finished with value: 5.601998291743918 and parameters: {'x': 1.6890528206784348, 'y': 0.011438891268208184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,075] Trial 163 finished with value: 2.849084346027542 and parameters: {'x': 0.06295370518636378, 'y': 1.031830480408582}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,076] Trial 164 finished with value: 6.399098494880953 and parameters: {'x': 2.0751471528509584, 'y': 0.7772473107038773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,077] Trial 165 finished with value: 8.392320801794583 and parameters: {'x': 1.9414122925975796, 'y': 2.320254719400466}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,077] Trial 166 finished with value: 10.243672123912138 and parameters: {'x': 2.374158598267379, 'y': 3.127409484267983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,078] Trial 167 finished with value: 10.239794754974406 and parameters: {'x': 2.4530394334748618, 'y': 2.597858884115015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,079] Trial 168 finished with value: 8.664885822736856 and parameters: {'x': 2.3260047004211732, 'y': 1.4595369973445482}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,080] Trial 169 finished with value: 8.313484934031424 and parameters: {'x': 0.7976136598357257, 'y': 2.5722926319517176}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,080] Trial 170 finished with value: 7.439426909141176 and parameters: {'x': 0.892794726117486, 'y': 2.3176771815226087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,081] Trial 171 finished with value: 10.764393870053514 and parameters: {'x': 3.3966726052998424, 'y': 2.236227111224998}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,082] Trial 172 finished with value: 7.672732461844447 and parameters: {'x': 0.6565399271869343, 'y': 2.266383207388518}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,083] Trial 173 finished with value: 9.912718580952895 and parameters: {'x': 3.4427460583166134, 'y': 0.767008084023082}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,084] Trial 174 finished with value: 7.492130034499652 and parameters: {'x': 2.431786498107929, 'y': 0.0012019289323461635}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,084] Trial 175 finished with value: 11.432963250400805 and parameters: {'x': 2.398579419032148, 'y': 3.626689061898129}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,085] Trial 176 finished with value: 4.679324472600673 and parameters: {'x': 0.5046659693982054, 'y': 1.0136426491222448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,086] Trial 177 finished with value: 10.014653304662277 and parameters: {'x': 3.6656304163043663, 'y': 0.8136327917263362}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,087] Trial 178 finished with value: 9.42189561442088 and parameters: {'x': 2.9282945598665706, 'y': 2.2735780055911254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,087] Trial 179 finished with value: 8.238792467050876 and parameters: {'x': 0.9229106738167738, 'y': 3.1755356848963574}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,088] Trial 180 finished with value: 10.022809360818055 and parameters: {'x': 1.8937739918677239, 'y': 3.353392061020511}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,089] Trial 181 finished with value: 8.665501391018337 and parameters: {'x': 1.9430207704425881, 'y': 3.1412220082989495}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,090] Trial 182 finished with value: 10.499929595705158 and parameters: {'x': 1.6045313764477873, 'y': 3.3928183933266634}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,090] Trial 183 finished with value: 9.054465657737579 and parameters: {'x': 3.177504629624753, 'y': 1.881574039728204}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,091] Trial 184 finished with value: 3.241811376658486 and parameters: {'x': 0.5532265700325287, 'y': 0.061759306737271036}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,092] Trial 185 finished with value: 7.4816312909029214 and parameters: {'x': 2.24354351082847, 'y': 0.7086458008507504}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,093] Trial 186 finished with value: 8.508435442027885 and parameters: {'x': 2.8176162725062777, 'y': 0.3911023288613231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,093] Trial 187 finished with value: 4.003956371062326 and parameters: {'x': 0.857305088806247, 'y': 0.31075294610825965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,094] Trial 188 finished with value: 9.062669397549 and parameters: {'x': 2.5195873392164465, 'y': 2.027339028317335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,095] Trial 189 finished with value: 12.30418779730045 and parameters: {'x': 3.5218480070541975, 'y': 3.885144033046055}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,096] Trial 190 finished with value: 8.009208681763505 and parameters: {'x': 0.7113367701524909, 'y': 2.3745769144946838}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,097] Trial 191 finished with value: 12.315806722956946 and parameters: {'x': 3.5396118541352206, 'y': 3.879451669911221}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,097] Trial 192 finished with value: 10.020296150989592 and parameters: {'x': 3.469458015012512, 'y': 1.1690347203106715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,098] Trial 193 finished with value: 10.537264287309405 and parameters: {'x': 3.5770634585862493, 'y': 1.3211248037407284}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,099] Trial 194 finished with value: 10.289151352354983 and parameters: {'x': 2.569659832403738, 'y': 2.8024819222942092}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,100] Trial 195 finished with value: 3.731060228910131 and parameters: {'x': 0.24760921660013002, 'y': 0.5521423661189173}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,100] Trial 196 finished with value: 5.9435690466674735 and parameters: {'x': 1.3769545180557197, 'y': 0.7936675641809834}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,101] Trial 197 finished with value: 9.743775215528842 and parameters: {'x': 0.12280025833501451, 'y': 3.6135186276359184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,102] Trial 198 finished with value: 5.873860931591558 and parameters: {'x': 1.0968336994868557, 'y': 2.0440842501161494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,103] Trial 199 finished with value: 10.709851532989827 and parameters: {'x': 1.4035187216015639, 'y': 3.6233773243557295}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,103] Trial 200 finished with value: 9.954064110925012 and parameters: {'x': 3.726106479619608, 'y': 1.1507434606307019}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,104] Trial 201 finished with value: 9.176752015086375 and parameters: {'x': 2.9657694175449376, 'y': 1.6248824147200915}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,105] Trial 202 finished with value: 8.145954329559796 and parameters: {'x': 1.0228360176486495, 'y': 2.5618407253423037}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,106] Trial 203 finished with value: 6.436303642075089 and parameters: {'x': 0.1490956988241905, 'y': 2.189578164919726}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,107] Trial 204 finished with value: 11.111376943310047 and parameters: {'x': 3.8600995766607973, 'y': 2.749935443832355}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,107] Trial 205 finished with value: 9.129251992511671 and parameters: {'x': 1.1056290533154534, 'y': 3.962676922705223}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,108] Trial 206 finished with value: 8.370841149672748 and parameters: {'x': 3.239100750458276, 'y': 0.022500014848797267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,109] Trial 207 finished with value: 9.291509527012558 and parameters: {'x': 3.00568373091447, 'y': 3.0819509181231135}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,110] Trial 208 finished with value: 9.526550833010017 and parameters: {'x': 1.6196305250074117, 'y': 3.1125193232568216}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,110] Trial 209 finished with value: 9.615589923726578 and parameters: {'x': 3.267739114462778, 'y': 0.5385583215982779}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,111] Trial 210 finished with value: 9.531798143488427 and parameters: {'x': 0.25581569974990925, 'y': 3.3448825637277912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,112] Trial 211 finished with value: 8.604070357784977 and parameters: {'x': 0.46414482840332383, 'y': 2.832521354655352}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,113] Trial 212 finished with value: 10.38897582976456 and parameters: {'x': 1.8211110188726547, 'y': 3.7486718651916884}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,113] Trial 213 finished with value: 6.661796469044116 and parameters: {'x': 1.9281477756028131, 'y': 1.926628295959115}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,114] Trial 214 finished with value: 9.292910051092164 and parameters: {'x': 2.7294285878695597, 'y': 1.5245259127637056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,115] Trial 215 finished with value: 11.474812810352063 and parameters: {'x': 2.545072973407813, 'y': 3.482446850845249}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,116] Trial 216 finished with value: 5.7436489654843506 and parameters: {'x': 1.495433610786303, 'y': 0.15421009122365392}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,116] Trial 217 finished with value: 9.730716734806999 and parameters: {'x': 1.0030835880141065, 'y': 3.480006126880088}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,117] Trial 218 finished with value: 10.264000182790559 and parameters: {'x': 2.564834864793566, 'y': 2.484511186533039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,118] Trial 219 finished with value: 9.603307511303695 and parameters: {'x': 1.3610131034034234, 'y': 3.1908647326982806}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,119] Trial 220 finished with value: 4.369001281478198 and parameters: {'x': 1.188627464139461, 'y': 0.18369767028726258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,120] Trial 221 finished with value: 9.76991966254143 and parameters: {'x': 3.8988662451422833, 'y': 0.7602578472113932}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,120] Trial 222 finished with value: 7.137655618781169 and parameters: {'x': 0.8347420348689671, 'y': 2.2420510780813876}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,121] Trial 223 finished with value: 8.91040625724673 and parameters: {'x': 1.359216232474024, 'y': 2.9027621524655793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,122] Trial 224 finished with value: 11.368714852239679 and parameters: {'x': 2.6445670042252885, 'y': 3.876078195544568}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,123] Trial 225 finished with value: 10.370157440060499 and parameters: {'x': 3.388476359892063, 'y': 1.7522052503971564}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,123] Trial 226 finished with value: 11.459382868502663 and parameters: {'x': 3.4584850215221827, 'y': 2.5951719092807926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,124] Trial 227 finished with value: 10.992736541581595 and parameters: {'x': 2.7749761828694957, 'y': 3.8717898238860258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,125] Trial 228 finished with value: 7.960140413458749 and parameters: {'x': 0.9736103991275695, 'y': 3.148002172690902}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,126] Trial 229 finished with value: 10.377944264894046 and parameters: {'x': 2.5711654315986396, 'y': 2.664355196945022}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,126] Trial 230 finished with value: 6.558542754486279 and parameters: {'x': 1.617684226621781, 'y': 0.5009300791074658}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,127] Trial 231 finished with value: 9.801280921370413 and parameters: {'x': 3.348864026127328, 'y': 0.6625226793267869}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,128] Trial 232 finished with value: 9.167661545649594 and parameters: {'x': 2.481063154756097, 'y': 2.0968547757011087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,129] Trial 233 finished with value: 6.150568677473988 and parameters: {'x': 1.4320715535757742, 'y': 0.45112212163791376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,129] Trial 234 finished with value: 10.36635285952934 and parameters: {'x': 2.6644869443995005, 'y': 2.6897335048134448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,130] Trial 235 finished with value: 7.531591242768647 and parameters: {'x': 3.0831372403659976, 'y': 1.0036575398106162}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,131] Trial 236 finished with value: 10.035422239052489 and parameters: {'x': 3.5198774303521683, 'y': 1.1425514372805075}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,132] Trial 237 finished with value: 9.747190810113583 and parameters: {'x': 2.78954877508854, 'y': 2.2980258422520596}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,133] Trial 238 finished with value: 6.647193961090235 and parameters: {'x': 1.5618737305507815, 'y': 1.1428627402717866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,133] Trial 239 finished with value: 8.357914032300853 and parameters: {'x': 0.7818357971652818, 'y': 2.6659101963759047}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,134] Trial 240 finished with value: 9.656882953625262 and parameters: {'x': 3.2838729239453666, 'y': 1.2518782671452753}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,135] Trial 241 finished with value: 4.838606650477356 and parameters: {'x': 1.127651816024295, 'y': 0.7335738505655183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,136] Trial 242 finished with value: 12.064321613162095 and parameters: {'x': 3.3862929216823847, 'y': 3.8922095982680984}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,136] Trial 243 finished with value: 5.822931001256965 and parameters: {'x': 0.843687297412858, 'y': 1.9968974725397945}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,137] Trial 244 finished with value: 8.866855790726733 and parameters: {'x': 1.791902197140785, 'y': 2.4009084063607844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,138] Trial 245 finished with value: 6.557772166801325 and parameters: {'x': 1.9511937840850044, 'y': 1.2280913997344816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,139] Trial 246 finished with value: 9.787312354764817 and parameters: {'x': 3.3850961812501184, 'y': 1.1683630635558386}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,140] Trial 247 finished with value: 8.742829301568904 and parameters: {'x': 1.290558108097346, 'y': 2.4965225650679197}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,140] Trial 248 finished with value: 5.447490691876528 and parameters: {'x': 1.2059451471107838, 'y': 1.1624171543365662}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,141] Trial 249 finished with value: 9.027061550566758 and parameters: {'x': 1.9721500708771305, 'y': 2.5821701263026706}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,142] Trial 250 finished with value: 8.370883952152802 and parameters: {'x': 2.0538727135449584, 'y': 3.0770091803969715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,143] Trial 251 finished with value: 6.1153726013671275 and parameters: {'x': 0.8027764524925125, 'y': 2.032544886977046}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,143] Trial 252 finished with value: 10.426201145618794 and parameters: {'x': 3.530000655936235, 'y': 1.9646909371038488}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,144] Trial 253 finished with value: 11.504352063246044 and parameters: {'x': 3.816490922242502, 'y': 2.574605945133567}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,145] Trial 254 finished with value: 3.6130679732594935 and parameters: {'x': 0.23439520071222253, 'y': 0.9496283244843569}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,146] Trial 255 finished with value: 8.960956292931078 and parameters: {'x': 2.429179382846859, 'y': 2.0614389779376254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,147] Trial 256 finished with value: 7.364789420958257 and parameters: {'x': 3.035093792038067, 'y': 0.9398447121883335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,147] Trial 257 finished with value: 9.673715570709936 and parameters: {'x': 3.1085749997602905, 'y': 3.082467370803549}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,148] Trial 258 finished with value: 9.00033912597185 and parameters: {'x': 1.7433926655885386, 'y': 2.815818892405104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,149] Trial 259 finished with value: 11.24134202520955 and parameters: {'x': 3.830897877980727, 'y': 3.1785503483468083}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,150] Trial 260 finished with value: 9.610231355415435 and parameters: {'x': 0.43688167234642616, 'y': 3.277646712875464}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,150] Trial 261 finished with value: 8.21666138796502 and parameters: {'x': 2.542123575455598, 'y': 0.2751187058016402}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,151] Trial 262 finished with value: 10.75947517839813 and parameters: {'x': 1.5247058737186108, 'y': 3.968763572725166}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,152] Trial 263 finished with value: 9.476301269444532 and parameters: {'x': 3.410888705095577, 'y': 0.13987760450072928}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,153] Trial 264 finished with value: 8.128276506902818 and parameters: {'x': 0.9167791726823133, 'y': 2.5520365155606983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,153] Trial 265 finished with value: 5.660390527847323 and parameters: {'x': 0.13316563567089323, 'y': 1.7738623850744313}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,154] Trial 266 finished with value: 10.03745409879572 and parameters: {'x': 2.4562187521087386, 'y': 2.419717111405486}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,155] Trial 267 finished with value: 10.560729471075781 and parameters: {'x': 3.5383932628189894, 'y': 2.0750260479642955}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,156] Trial 268 finished with value: 6.911335606142488 and parameters: {'x': 1.8383476485245498, 'y': 1.269369919672592}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,157] Trial 269 finished with value: 6.263776883229383 and parameters: {'x': 1.8146924690185848, 'y': 0.7771183396725552}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,157] Trial 270 finished with value: 3.192283264509687 and parameters: {'x': 0.5438691082990537, 'y': 0.03168737130430621}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,158] Trial 271 finished with value: 9.25236139200286 and parameters: {'x': 1.163392218103672, 'y': 3.268717065064702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,159] Trial 272 finished with value: 7.615378153862055 and parameters: {'x': 0.11342996964423246, 'y': 2.781838540120356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,160] Trial 273 finished with value: 12.083086480354083 and parameters: {'x': 3.718917140075738, 'y': 3.3135414546878836}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,160] Trial 274 finished with value: 8.673172499161506 and parameters: {'x': 2.7587041874302267, 'y': 2.001624771327751}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,161] Trial 275 finished with value: 8.175856457154929 and parameters: {'x': 2.262024392522807, 'y': 2.048018787543821}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,162] Trial 276 finished with value: 6.027361661814201 and parameters: {'x': 1.1483245406422165, 'y': 1.9641797906360914}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,163] Trial 277 finished with value: 10.26132967547642 and parameters: {'x': 1.2170697034940483, 'y': 3.6809586684084397}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,164] Trial 278 finished with value: 6.584369196688137 and parameters: {'x': 1.4804530139174736, 'y': 1.1573874484627762}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,164] Trial 279 finished with value: 8.199773560716626 and parameters: {'x': 2.2385982079618105, 'y': 1.7941482446178587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,165] Trial 280 finished with value: 8.719226999352626 and parameters: {'x': 2.330905924819994, 'y': 1.7269819988722892}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,166] Trial 281 finished with value: 7.9595970366033875 and parameters: {'x': 2.5626694586361602, 'y': 0.14912568287478267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,167] Trial 282 finished with value: 11.329548540338816 and parameters: {'x': 3.431748611790516, 'y': 2.4684755464465375}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,167] Trial 283 finished with value: 5.9275598315386375 and parameters: {'x': 2.092801441089609, 'y': 1.0540812353681415}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,168] Trial 284 finished with value: 7.6442036867422924 and parameters: {'x': 2.1315161168892627, 'y': 1.342052211185913}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,169] Trial 285 finished with value: 5.336605414006623 and parameters: {'x': 1.2293885830337024, 'y': 0.39436061033300085}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,170] Trial 286 finished with value: 8.748815175839605 and parameters: {'x': 1.5092662387537024, 'y': 2.33469150262076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,171] Trial 287 finished with value: 10.33057890967017 and parameters: {'x': 3.8696424603175674, 'y': 1.7529400600215008}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,171] Trial 288 finished with value: 8.919797455084531 and parameters: {'x': 2.736416794176971, 'y': 2.0760583880204533}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,172] Trial 289 finished with value: 4.441157898677751 and parameters: {'x': 0.6958328287107154, 'y': 0.470775876927795}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,173] Trial 290 finished with value: 3.900552561783101 and parameters: {'x': 0.5199313793034581, 'y': 0.32732432513248844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,174] Trial 291 finished with value: 8.4180528356603 and parameters: {'x': 0.7484945528039133, 'y': 2.6092566567467186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,174] Trial 292 finished with value: 5.13151636527822 and parameters: {'x': 1.2725579972339172, 'y': 0.24811942487439165}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,175] Trial 293 finished with value: 9.467588278822692 and parameters: {'x': 2.8308688610430583, 'y': 3.0095214839284186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,176] Trial 294 finished with value: 11.40932682166175 and parameters: {'x': 3.5016671059800655, 'y': 3.068332225841167}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,177] Trial 295 finished with value: 11.661897145446092 and parameters: {'x': 3.4223465922726612, 'y': 3.2012730241498057}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,178] Trial 296 finished with value: 9.123309357405901 and parameters: {'x': 2.732092776659147, 'y': 2.127504908381725}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,178] Trial 297 finished with value: 9.58492096234577 and parameters: {'x': 2.812843939728247, 'y': 2.910435060816296}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,179] Trial 298 finished with value: 9.565362051884232 and parameters: {'x': 3.130495435347729, 'y': 2.9985457513559854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,180] Trial 299 finished with value: 7.688521848293625 and parameters: {'x': 2.3808104012848714, 'y': 0.9405175456205148}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,181] Trial 300 finished with value: 9.268401643125605 and parameters: {'x': 2.660731982373358, 'y': 1.6961501616917607}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,181] Trial 301 finished with value: 11.756809498893748 and parameters: {'x': 3.5227386286659543, 'y': 3.1848834998657916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,182] Trial 302 finished with value: 9.282918995429277 and parameters: {'x': 1.600901891232203, 'y': 2.7736174889703293}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,183] Trial 303 finished with value: 7.659822694499102 and parameters: {'x': 2.3514385867290546, 'y': 0.8604323469568076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,184] Trial 304 finished with value: 10.947484710652777 and parameters: {'x': 3.32130714864281, 'y': 3.0857173995915015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,185] Trial 305 finished with value: 9.941649002120565 and parameters: {'x': 3.4685901543950464, 'y': 0.7841745036496555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,185] Trial 306 finished with value: 6.27356836019511 and parameters: {'x': 0.9345120049722722, 'y': 1.5947313886006702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,186] Trial 307 finished with value: 11.83364009119155 and parameters: {'x': 3.753370456866888, 'y': 3.9573484830875594}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,187] Trial 308 finished with value: 11.087232620133545 and parameters: {'x': 2.279350606371401, 'y': 3.7268743041396815}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,188] Trial 309 finished with value: 9.951975997023917 and parameters: {'x': 1.2403215035040316, 'y': 3.907655524302301}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,189] Trial 310 finished with value: 7.450686198128425 and parameters: {'x': 1.4513014117435676, 'y': 1.4980418365942643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,189] Trial 311 finished with value: 8.217850926127987 and parameters: {'x': 2.4311030505177547, 'y': 0.6706713636599648}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,190] Trial 312 finished with value: 12.406694735290257 and parameters: {'x': 3.445533620110704, 'y': 3.6864830191075653}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,191] Trial 313 finished with value: 8.355448839522436 and parameters: {'x': 2.4767818245907787, 'y': 0.4945173522551629}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,192] Trial 314 finished with value: 6.283579650025068 and parameters: {'x': 1.7752592462908199, 'y': 0.7951081388275099}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,192] Trial 315 finished with value: 8.632220504465216 and parameters: {'x': 0.5643025059386781, 'y': 2.684344565673266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,193] Trial 316 finished with value: 6.173476799859856 and parameters: {'x': 0.9955169767369765, 'y': 1.479993490627923}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,194] Trial 317 finished with value: 10.075216693479428 and parameters: {'x': 1.3868514166713086, 'y': 3.2996527689371966}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,195] Trial 318 finished with value: 9.83265703053972 and parameters: {'x': 3.366594797411336, 'y': 0.37837696063200044}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,196] Trial 319 finished with value: 5.7641899377365355 and parameters: {'x': 1.0936157216969309, 'y': 2.0154939269359304}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,196] Trial 320 finished with value: 8.039049361310239 and parameters: {'x': 3.17926984150359, 'y': 0.0792946855486929}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,197] Trial 321 finished with value: 6.374372677227711 and parameters: {'x': 2.1576817063632108, 'y': 0.1816974223108332}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,198] Trial 322 finished with value: 10.692914630859786 and parameters: {'x': 2.191060676892676, 'y': 3.7523333591725074}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,199] Trial 323 finished with value: 4.272621529228328 and parameters: {'x': 0.5120655829592051, 'y': 0.49862800124716555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,199] Trial 324 finished with value: 5.667686004248164 and parameters: {'x': 1.974151489946808, 'y': 1.0873543411469573}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,200] Trial 325 finished with value: 3.14911825941741 and parameters: {'x': 0.05384257085487931, 'y': 0.5119500254322102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,201] Trial 326 finished with value: 11.430558534518452 and parameters: {'x': 3.167994699715818, 'y': 3.7564746079924434}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,202] Trial 327 finished with value: 9.519234463129628 and parameters: {'x': 3.922791270118661, 'y': 1.9209613389345819}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,203] Trial 328 finished with value: 8.54792782659565 and parameters: {'x': 0.6676983242757633, 'y': 2.7206798714034965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,203] Trial 329 finished with value: 10.343957494971903 and parameters: {'x': 3.796174706674506, 'y': 1.7961720398228866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,204] Trial 330 finished with value: 7.393260976478766 and parameters: {'x': 0.9303477639875446, 'y': 2.8881061672077695}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,205] Trial 331 finished with value: 4.168211622506824 and parameters: {'x': 0.568033427516911, 'y': 0.40076474146192886}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,206] Trial 332 finished with value: 8.352151380568776 and parameters: {'x': 2.5248892794224953, 'y': 0.37669484776274276}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,207] Trial 333 finished with value: 10.372212386228597 and parameters: {'x': 0.5486382147448605, 'y': 3.8023016805571226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,207] Trial 334 finished with value: 11.465116931323431 and parameters: {'x': 2.5549011493678657, 'y': 3.9985995148160476}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,208] Trial 335 finished with value: 7.533651547982446 and parameters: {'x': 3.1122260433973805, 'y': 0.06789981521679245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,209] Trial 336 finished with value: 4.518450949546146 and parameters: {'x': 0.8319125264768537, 'y': 0.5088830882153448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,210] Trial 337 finished with value: 11.187215237484192 and parameters: {'x': 2.2890048592452192, 'y': 3.637230987841597}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,211] Trial 338 finished with value: 10.631217468377777 and parameters: {'x': 3.212460725698297, 'y': 3.151238069716407}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,211] Trial 339 finished with value: 7.915541564276795 and parameters: {'x': 2.74287845774048, 'y': 0.9216415115955656}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,212] Trial 340 finished with value: 9.673978866468232 and parameters: {'x': 3.7908591198317727, 'y': 0.1932091267248519}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,213] Trial 341 finished with value: 5.40304171497252 and parameters: {'x': 0.954423029584103, 'y': 1.969828102065398}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,214] Trial 342 finished with value: 12.042616210694453 and parameters: {'x': 3.3733840526910974, 'y': 3.376876997921342}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,214] Trial 343 finished with value: 8.785656690828066 and parameters: {'x': 0.5127988159592372, 'y': 3.034373595835823}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,215] Trial 344 finished with value: 8.058158484803876 and parameters: {'x': 1.1635372808096633, 'y': 3.0573367491756858}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,216] Trial 345 finished with value: 10.362114273889164 and parameters: {'x': 3.347100872005856, 'y': 1.5076593906340912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,217] Trial 346 finished with value: 11.392777604957166 and parameters: {'x': 2.7909279129092934, 'y': 3.6798647776849185}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,218] Trial 347 finished with value: 8.257572560266517 and parameters: {'x': 1.8747106902665256, 'y': 2.9264405129485396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,218] Trial 348 finished with value: 1.191533546628932 and parameters: {'x': 0.04098816215805545, 'y': 0.17575252540152997}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,219] Trial 349 finished with value: 6.528414693370539 and parameters: {'x': 2.0986759869413723, 'y': 1.1635260998377377}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,220] Trial 350 finished with value: 4.578848126507644 and parameters: {'x': 0.7850809443858684, 'y': 0.5846514384255186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,221] Trial 351 finished with value: 4.717440335628027 and parameters: {'x': 1.0561713549229714, 'y': 1.1750808591313686}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,222] Trial 352 finished with value: 8.62433938989944 and parameters: {'x': 2.914436298305064, 'y': 0.5192348455391631}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,222] Trial 353 finished with value: 8.28157910362034 and parameters: {'x': 2.515171096976729, 'y': 0.7715967853955292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,223] Trial 354 finished with value: 8.031780167962317 and parameters: {'x': 2.499557269956178, 'y': 0.2222792532667559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,224] Trial 355 finished with value: 9.137449237447111 and parameters: {'x': 1.677582622614922, 'y': 3.023643543029472}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,225] Trial 356 finished with value: 9.799768279881432 and parameters: {'x': 0.9309103481609493, 'y': 3.653612348612905}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,225] Trial 357 finished with value: 9.14726937689981 and parameters: {'x': 0.9114826668177916, 'y': 3.8759524431225048}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,226] Trial 358 finished with value: 8.644835094085106 and parameters: {'x': 1.2588950259545113, 'y': 2.48788875134704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,227] Trial 359 finished with value: 9.053231827241326 and parameters: {'x': 0.5869817235510006, 'y': 3.130377458831803}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,228] Trial 360 finished with value: 3.411285954506919 and parameters: {'x': 0.7050586121580449, 'y': 0.12680082581006102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,229] Trial 361 finished with value: 6.447468025493851 and parameters: {'x': 1.4220967532913322, 'y': 1.1594983078421475}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,229] Trial 362 finished with value: 9.813601898285599 and parameters: {'x': 3.685269522802166, 'y': 0.8893489297364794}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,230] Trial 363 finished with value: 8.104774870743212 and parameters: {'x': 2.532211234879781, 'y': 0.2291961280504231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,231] Trial 364 finished with value: 11.567426758994019 and parameters: {'x': 3.580392966262677, 'y': 2.534915475101615}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,232] Trial 365 finished with value: 6.430551183634282 and parameters: {'x': 1.8510739401287246, 'y': 0.36315241813681265}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,233] Trial 366 finished with value: 10.196750361368728 and parameters: {'x': 3.9286133392638902, 'y': 3.0065275678507266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,233] Trial 367 finished with value: 11.204693514709696 and parameters: {'x': 3.7055910447225733, 'y': 2.308877509177674}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,234] Trial 368 finished with value: 6.634120639228918 and parameters: {'x': 1.778248827954719, 'y': 0.47372214586660366}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,235] Trial 369 finished with value: 5.539252636912586 and parameters: {'x': 0.013568479012842527, 'y': 1.7195890827411842}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,236] Trial 370 finished with value: 5.976968207153636 and parameters: {'x': 1.7824860939905829, 'y': 0.9016025301978696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,236] Trial 371 finished with value: 5.264081263969686 and parameters: {'x': 1.2636779461519687, 'y': 1.0270311801286396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,237] Trial 372 finished with value: 9.719222267426572 and parameters: {'x': 1.0181424006401238, 'y': 3.686905356694062}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,238] Trial 373 finished with value: 9.17258988928529 and parameters: {'x': 3.0146465869507315, 'y': 1.4200477277472183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,239] Trial 374 finished with value: 10.448858271486321 and parameters: {'x': 1.9164062512120363, 'y': 3.610922045132941}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,240] Trial 375 finished with value: 8.29517954260463 and parameters: {'x': 3.0542344761550297, 'y': 0.7503530230121647}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,240] Trial 376 finished with value: 5.46022332083805 and parameters: {'x': 1.3498322891457715, 'y': 0.23519239497756717}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,241] Trial 377 finished with value: 10.31151529518906 and parameters: {'x': 1.232620618038632, 'y': 3.6810969767719772}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,242] Trial 378 finished with value: 9.620428111076176 and parameters: {'x': 0.05302978990486018, 'y': 3.5562617518764283}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,243] Trial 379 finished with value: 7.145067016910065 and parameters: {'x': 2.8704006458623246, 'y': 0.05856204340429816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,244] Trial 380 finished with value: 7.615509022271754 and parameters: {'x': 2.0298324622047974, 'y': 1.4358335026956333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,244] Trial 381 finished with value: 10.916095141366544 and parameters: {'x': 2.3697860126664643, 'y': 3.321808345274754}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,245] Trial 382 finished with value: 12.399401740420132 and parameters: {'x': 3.466580215969038, 'y': 3.519267049908465}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,246] Trial 383 finished with value: 12.44262680181242 and parameters: {'x': 3.7310071734911925, 'y': 3.6643780634045138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,247] Trial 384 finished with value: 9.142527082249929 and parameters: {'x': 2.882719416839632, 'y': 1.6461840523728104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,248] Trial 385 finished with value: 9.239754233553501 and parameters: {'x': 2.5759608140989747, 'y': 1.5391631459672297}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,248] Trial 386 finished with value: 6.284598645056207 and parameters: {'x': 0.8702285303132826, 'y': 1.672129456953738}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,249] Trial 387 finished with value: 10.152804966108985 and parameters: {'x': 3.6934629366226015, 'y': 0.744845969281184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,250] Trial 388 finished with value: 3.389312682331248 and parameters: {'x': 0.053694591129884284, 'y': 1.1261876829075792}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,251] Trial 389 finished with value: 10.283447623535013 and parameters: {'x': 3.2388795618896027, 'y': 2.974622653487798}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,251] Trial 390 finished with value: 11.302617455565434 and parameters: {'x': 3.515598201960283, 'y': 2.908952204458161}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,252] Trial 391 finished with value: 11.125939966673439 and parameters: {'x': 2.4941310914546113, 'y': 3.325759234467637}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,253] Trial 392 finished with value: 10.816812218801022 and parameters: {'x': 2.4885158267517737, 'y': 3.224158476295799}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,254] Trial 393 finished with value: 10.050727622585395 and parameters: {'x': 1.2107379893350432, 'y': 3.4332492569334763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,255] Trial 394 finished with value: 5.95575827799291 and parameters: {'x': 0.6692460786760335, 'y': 1.3454235380425494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,256] Trial 395 finished with value: 8.903415776483602 and parameters: {'x': 1.006126472829457, 'y': 3.279586119031793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,256] Trial 396 finished with value: 4.547039657651432 and parameters: {'x': 0.7650725322320575, 'y': 0.5336811286061329}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,257] Trial 397 finished with value: 7.646434899367684 and parameters: {'x': 1.5191921106060464, 'y': 1.9600495063208347}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,258] Trial 398 finished with value: 8.23501821441278 and parameters: {'x': 2.464469780852896, 'y': 0.7313268391281604}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,259] Trial 399 finished with value: 8.78323456105996 and parameters: {'x': 2.3595946161420396, 'y': 1.4770688236450096}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,260] Trial 400 finished with value: 11.07950687309173 and parameters: {'x': 2.7633452013271462, 'y': 3.8532351310288586}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,261] Trial 401 finished with value: 9.011181143989141 and parameters: {'x': 0.655696041444696, 'y': 3.149145726131916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:12:38,261] Trial 402 finished with value: 0.21108155708882137 and parameters: {'x': 0.025106650762250826, 'y': 0.044143703865536565}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,262] Trial 403 finished with value: 4.526352639294384 and parameters: {'x': 0.6040185419770716, 'y': 0.5878079950089186}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,263] Trial 404 finished with value: 10.340964653977816 and parameters: {'x': 3.922897219307625, 'y': 0.49698547657353664}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,264] Trial 405 finished with value: 11.540325958618682 and parameters: {'x': 2.71638072852915, 'y': 3.569585834030987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,264] Trial 406 finished with value: 6.933258476365397 and parameters: {'x': 2.959069099663764, 'y': 0.04356363809009567}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,265] Trial 407 finished with value: 10.254178574604502 and parameters: {'x': 2.6298707108398554, 'y': 2.4547503705112566}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,266] Trial 408 finished with value: 10.405598398037926 and parameters: {'x': 1.7389756543820347, 'y': 3.3948028236020438}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,267] Trial 409 finished with value: 10.05170557739612 and parameters: {'x': 2.1334557265352014, 'y': 3.868058156883832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,268] Trial 410 finished with value: 7.887839083942328 and parameters: {'x': 1.6287170896550038, 'y': 2.0897524947265884}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,268] Trial 411 finished with value: 10.097956892334187 and parameters: {'x': 0.26943310227075745, 'y': 3.6493057219845557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,269] Trial 412 finished with value: 12.397487232313319 and parameters: {'x': 3.6728053515894983, 'y': 3.7555399684970867}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,270] Trial 413 finished with value: 7.7502659636836295 and parameters: {'x': 2.1963460321873667, 'y': 1.8724424201058856}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,271] Trial 414 finished with value: 12.241300305489641 and parameters: {'x': 3.4785432697512286, 'y': 3.923978720743307}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,272] Trial 415 finished with value: 9.624761197683 and parameters: {'x': 2.996713083928662, 'y': 2.3080426422065425}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,272] Trial 416 finished with value: 8.886410547926278 and parameters: {'x': 0.10292278890589968, 'y': 3.986448817996}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,273] Trial 417 finished with value: 12.100939315290324 and parameters: {'x': 3.771874453396725, 'y': 3.3433333766881055}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,274] Trial 418 finished with value: 9.49851289582427 and parameters: {'x': 1.3519286769698113, 'y': 3.172081894155109}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,275] Trial 419 finished with value: 8.485090347805786 and parameters: {'x': 2.7821019543892733, 'y': 0.3698217566305906}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,276] Trial 420 finished with value: 7.063063066010319 and parameters: {'x': 0.5229450172512125, 'y': 2.09602817646162}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,276] Trial 421 finished with value: 7.590651626257822 and parameters: {'x': 2.280842459714937, 'y': 1.1567589240790626}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,277] Trial 422 finished with value: 10.344647702828512 and parameters: {'x': 3.8273839653448762, 'y': 0.5691294933683881}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,278] Trial 423 finished with value: 8.547161960427571 and parameters: {'x': 1.2455727745592617, 'y': 2.4579433723422466}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,279] Trial 424 finished with value: 2.526398416087993 and parameters: {'x': 0.346073360573548, 'y': 0.07793340180577557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,280] Trial 425 finished with value: 10.148507008831835 and parameters: {'x': 3.999959224017629, 'y': 2.1755982994371954}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,280] Trial 426 finished with value: 9.038592963824982 and parameters: {'x': 2.591949962224946, 'y': 1.9928356931176459}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,281] Trial 427 finished with value: 6.9931641066296955 and parameters: {'x': 2.236211904249122, 'y': 0.21387538672672113}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,282] Trial 428 finished with value: 9.134617235514785 and parameters: {'x': 3.158548992949356, 'y': 2.116827573324681}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,283] Trial 429 finished with value: 3.261339563420208 and parameters: {'x': 1.095888545241697, 'y': 0.08121109210178323}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,284] Trial 430 finished with value: 5.795248953033454 and parameters: {'x': 0.7365576458376459, 'y': 1.3205923166777298}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,284] Trial 431 finished with value: 12.252994876582656 and parameters: {'x': 3.9556281513375544, 'y': 3.599134727042208}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,285] Trial 432 finished with value: 9.50669025502117 and parameters: {'x': 2.2612986337706773, 'y': 2.8305818026196548}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,286] Trial 433 finished with value: 6.17155536225377 and parameters: {'x': 1.4535549443577427, 'y': 0.8061218372041883}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,287] Trial 434 finished with value: 7.330274947797166 and parameters: {'x': 2.998473426438397, 'y': 1.0577641880364999}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,287] Trial 435 finished with value: 8.234903033718643 and parameters: {'x': 2.6969037673592906, 'y': 1.1116266886879185}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,288] Trial 436 finished with value: 10.626381760856646 and parameters: {'x': 2.4911711112382458, 'y': 3.1667404829508645}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,289] Trial 437 finished with value: 6.508127609588357 and parameters: {'x': 1.7007902059654354, 'y': 0.39030525510783143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,290] Trial 438 finished with value: 9.044811275943646 and parameters: {'x': 1.7013920933763602, 'y': 2.858407769926415}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,291] Trial 439 finished with value: 9.008508877213199 and parameters: {'x': 3.041837585563343, 'y': 2.191445148488896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,291] Trial 440 finished with value: 11.905780093271849 and parameters: {'x': 3.226206925709196, 'y': 3.5904942026565596}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,292] Trial 441 finished with value: 9.93731915889512 and parameters: {'x': 3.349901621290708, 'y': 1.2592206426730508}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,293] Trial 442 finished with value: 8.975206970956329 and parameters: {'x': 2.1533551473851507, 'y': 2.3477216015918714}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,294] Trial 443 finished with value: 11.022339107405864 and parameters: {'x': 3.7218204317554098, 'y': 2.969339733446317}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,295] Trial 444 finished with value: 7.793452455376546 and parameters: {'x': 2.9749405864994456, 'y': 0.8144062904287135}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,295] Trial 445 finished with value: 5.3928498697735385 and parameters: {'x': 1.0023536798403767, 'y': 1.9609821375155065}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,296] Trial 446 finished with value: 8.44113147671768 and parameters: {'x': 0.578915866335016, 'y': 2.514276989395927}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,297] Trial 447 finished with value: 9.260996483941742 and parameters: {'x': 2.546649800269987, 'y': 2.103928080274987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,298] Trial 448 finished with value: 8.355894074982917 and parameters: {'x': 2.4916755111872475, 'y': 0.443576668606922}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,299] Trial 449 finished with value: 10.857185288969665 and parameters: {'x': 3.9927550695232834, 'y': 2.780052820739364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,299] Trial 450 finished with value: 9.6700383959976 and parameters: {'x': 3.372010239312165, 'y': 0.27511738674902375}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,300] Trial 451 finished with value: 9.626184795100908 and parameters: {'x': 0.7461085156314828, 'y': 3.337309217922648}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,301] Trial 452 finished with value: 9.649121603028515 and parameters: {'x': 2.789330472287906, 'y': 2.935068581388643}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,302] Trial 453 finished with value: 5.052213553206837 and parameters: {'x': 0.2620305670474905, 'y': 1.2484923925015976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,303] Trial 454 finished with value: 9.222251359304856 and parameters: {'x': 2.782626659345648, 'y': 1.4677608336129824}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,303] Trial 455 finished with value: 10.436945315860191 and parameters: {'x': 3.6936877337548544, 'y': 1.8510790107698516}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,304] Trial 456 finished with value: 4.962481628455059 and parameters: {'x': 0.4089812959284349, 'y': 1.1398111353619549}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,305] Trial 457 finished with value: 6.51230720914808 and parameters: {'x': 1.6231294294881788, 'y': 0.7295441233125257}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,306] Trial 458 finished with value: 10.56229721261589 and parameters: {'x': 1.650641190443264, 'y': 3.426933525709896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,307] Trial 459 finished with value: 9.653118757839884 and parameters: {'x': 2.61592306415803, 'y': 2.2206931869195916}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,307] Trial 460 finished with value: 10.67350425509411 and parameters: {'x': 1.7521963772660163, 'y': 3.558573523393536}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,308] Trial 461 finished with value: 8.708600936674987 and parameters: {'x': 1.9271105969994888, 'y': 2.393237861052923}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,309] Trial 462 finished with value: 3.7506086448421634 and parameters: {'x': 1.0494635736730475, 'y': 0.9584980735204098}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,310] Trial 463 finished with value: 9.598474512965854 and parameters: {'x': 0.03539959574504348, 'y': 3.6231365952220584}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,311] Trial 464 finished with value: 8.974946699354579 and parameters: {'x': 0.9809944954317862, 'y': 3.8863509276479857}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,311] Trial 465 finished with value: 7.772058988673429 and parameters: {'x': 1.0510947219993967, 'y': 3.1081610988411383}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,312] Trial 466 finished with value: 9.276000540651202 and parameters: {'x': 2.6260969953224196, 'y': 2.113940854424979}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,313] Trial 467 finished with value: 9.471032643776867 and parameters: {'x': 0.743259416089181, 'y': 3.2970146386381223}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,314] Trial 468 finished with value: 10.259476572914593 and parameters: {'x': 3.8217833488349022, 'y': 0.6361069051358492}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,315] Trial 469 finished with value: 6.457099650100211 and parameters: {'x': 0.7645348847707507, 'y': 1.6984123902533894}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,316] Trial 470 finished with value: 2.063085021632414 and parameters: {'x': 0.19769269071737483, 'y': 0.18945631103221228}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,317] Trial 471 finished with value: 4.207855684959583 and parameters: {'x': 0.40157342389645523, 'y': 0.594188019456364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,317] Trial 472 finished with value: 4.146218703746907 and parameters: {'x': 0.3423750083190007, 'y': 0.8019459319131306}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,318] Trial 473 finished with value: 10.01353546655346 and parameters: {'x': 2.5958179050471477, 'y': 2.341003534870675}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,319] Trial 474 finished with value: 9.569395460866058 and parameters: {'x': 1.510089205063304, 'y': 3.1127636951494377}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,320] Trial 475 finished with value: 6.283597376683087 and parameters: {'x': 0.7360855719356194, 'y': 1.9490968776301902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,321] Trial 476 finished with value: 7.869681957805096 and parameters: {'x': 0.9096106796882286, 'y': 2.764915570387479}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,321] Trial 477 finished with value: 11.192095977398395 and parameters: {'x': 2.8037299655192665, 'y': 3.7620631677983236}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,322] Trial 478 finished with value: 4.427443669547809 and parameters: {'x': 0.6591004528098448, 'y': 0.47741899872377846}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,323] Trial 479 finished with value: 10.354234141119697 and parameters: {'x': 3.7934581813527313, 'y': 0.44935790813022347}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,324] Trial 480 finished with value: 11.472892968979941 and parameters: {'x': 3.6969090560602127, 'y': 3.1385155822785213}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,325] Trial 481 finished with value: 9.575248257035602 and parameters: {'x': 0.7423717629231437, 'y': 3.3220258703289143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,325] Trial 482 finished with value: 6.708094948839129 and parameters: {'x': 0.11392226349831924, 'y': 2.248702684925605}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,326] Trial 483 finished with value: 7.512671613029504 and parameters: {'x': 1.6545076524482751, 'y': 1.4079545649809178}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,327] Trial 484 finished with value: 9.225371873776844 and parameters: {'x': 3.1197440455956627, 'y': 1.7480286992791503}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,328] Trial 485 finished with value: 8.644775582144975 and parameters: {'x': 3.277433870074068, 'y': 0.03762725050179805}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,329] Trial 486 finished with value: 9.34806610224668 and parameters: {'x': 2.130809674433918, 'y': 2.559396381704046}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,329] Trial 487 finished with value: 10.235510313932078 and parameters: {'x': 1.3029296167223055, 'y': 3.4136852817415533}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,330] Trial 488 finished with value: 8.505807953242515 and parameters: {'x': 2.715452161679803, 'y': 0.6948465727890976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,331] Trial 489 finished with value: 5.927707311877974 and parameters: {'x': 1.3414850400325458, 'y': 0.5075975702630036}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,332] Trial 490 finished with value: 11.103488669840118 and parameters: {'x': 2.319494070977358, 'y': 3.4488429902385724}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,333] Trial 491 finished with value: 10.355196985609664 and parameters: {'x': 3.96479539855673, 'y': 2.2110810986202902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,333] Trial 492 finished with value: 8.829678564856053 and parameters: {'x': 0.17281094473408487, 'y': 3.2493371853435034}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,334] Trial 493 finished with value: 6.7152972835150315 and parameters: {'x': 2.0030516525284563, 'y': 0.6144779672961334}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,335] Trial 494 finished with value: 8.83428182278424 and parameters: {'x': 0.4728307107402876, 'y': 3.058814201887216}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,336] Trial 495 finished with value: 4.5846587937858025 and parameters: {'x': 0.18319816044558834, 'y': 1.2216716397362832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,337] Trial 496 finished with value: 11.24437461300541 and parameters: {'x': 3.3709738172649604, 'y': 2.5037428477898285}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,337] Trial 497 finished with value: 10.611654875736399 and parameters: {'x': 2.1195657505770105, 'y': 3.6646007700484367}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,338] Trial 498 finished with value: 6.9973027578278995 and parameters: {'x': 1.9878017516227215, 'y': 1.8250387245599597}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,339] Trial 499 finished with value: 9.515740035109893 and parameters: {'x': 3.78782724739539, 'y': 0.15184831525247633}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:12:38,339] A new study created in memory with name: x=[1,3), y=[1,3)\n[I 2023-11-01 05:12:38,340] Trial 0 finished with value: 9.501280285096856 and parameters: {'x': 2.1795551304711878, 'y': 2.5469138645456475}. Best is trial 0 with value: 9.501280285096856.\n[I 2023-11-01 05:12:38,341] Trial 1 finished with value: 7.689690058529395 and parameters: {'x': 2.116941820323029, 'y': 1.3704460118285542}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:12:38,342] Trial 2 finished with value: 8.869154016661145 and parameters: {'x': 1.734893579523559, 'y': 2.3800301262465355}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:12:38,342] Trial 3 finished with value: 9.217083724375263 and parameters: {'x': 2.5463037482718427, 'y': 1.698250749178961}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:12:38,343] Trial 4 finished with value: 6.620326818681299 and parameters: {'x': 1.3418267714049732, 'y': 1.2749591602362444}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:12:38,344] Trial 5 finished with value: 9.947604021051855 and parameters: {'x': 2.328190210719468, 'y': 2.542129917484096}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:12:38,345] Trial 6 finished with value: 10.111364306571687 and parameters: {'x': 2.992415863822332, 'y': 2.445973518335129}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:12:38,345] Trial 7 finished with value: 8.117689709113845 and parameters: {'x': 2.518112634863238, 'y': 1.0345349209545471}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:12:38,346] Trial 8 finished with value: 8.599980015079133 and parameters: {'x': 1.985150133883719, 'y': 2.361999061196193}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:12:38,347] Trial 9 finished with value: 6.466307419325002 and parameters: {'x': 1.0815335322750994, 'y': 1.6010550958884728}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:12:38,348] Trial 10 finished with value: 8.748658037765297 and parameters: {'x': 1.983065686509458, 'y': 2.4013248906189615}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:12:38,348] Trial 11 finished with value: 4.280422047649996 and parameters: {'x': 1.0053750515354973, 'y': 1.1344853944712368}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,349] Trial 12 finished with value: 7.631641045157027 and parameters: {'x': 1.5136532280501904, 'y': 1.5621179581261906}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,350] Trial 13 finished with value: 5.126684569001355 and parameters: {'x': 1.0943183618191, 'y': 1.2102968958712526}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,350] Trial 14 finished with value: 9.200375404047493 and parameters: {'x': 1.485146457738034, 'y': 2.9442744467689}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,351] Trial 15 finished with value: 9.496066674328905 and parameters: {'x': 2.9893985683076987, 'y': 2.285295712632221}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,352] Trial 16 finished with value: 9.20722421376879 and parameters: {'x': 2.888794756172593, 'y': 2.9479421929365683}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,353] Trial 17 finished with value: 9.820418190182155 and parameters: {'x': 2.7489324125385366, 'y': 2.929928470528349}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,353] Trial 18 finished with value: 7.68682424815664 and parameters: {'x': 1.7693477747355273, 'y': 1.6880511561059623}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,354] Trial 19 finished with value: 6.23361005262851 and parameters: {'x': 1.0278738361908484, 'y': 1.4858953052005117}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,355] Trial 20 finished with value: 8.183951521175912 and parameters: {'x': 2.191259277116293, 'y': 1.4515483770275646}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,356] Trial 21 finished with value: 8.387527249929715 and parameters: {'x': 2.317659241765322, 'y': 1.9236263660786883}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,357] Trial 22 finished with value: 7.28969285733878 and parameters: {'x': 1.7768688655704867, 'y': 1.3408983120046298}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,357] Trial 23 finished with value: 9.661281182879502 and parameters: {'x': 2.2434246133626727, 'y': 2.706378756341615}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,358] Trial 24 finished with value: 9.241054440156928 and parameters: {'x': 1.639685998678829, 'y': 2.550800978853915}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,359] Trial 25 finished with value: 9.492202191083631 and parameters: {'x': 2.8437203833277316, 'y': 2.8949435337203635}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,359] Trial 26 finished with value: 8.739874474944795 and parameters: {'x': 1.459781325603565, 'y': 2.351888773662857}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,360] Trial 27 finished with value: 8.973115982363957 and parameters: {'x': 1.6843967683601837, 'y': 2.4048917604855475}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,361] Trial 28 finished with value: 8.47252181314089 and parameters: {'x': 2.922716542694479, 'y': 1.2624815334953179}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,362] Trial 29 finished with value: 7.849748665716774 and parameters: {'x': 2.0648190920986487, 'y': 1.5820191742716103}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,362] Trial 30 finished with value: 7.225452638805441 and parameters: {'x': 1.3323600161247302, 'y': 2.0169392602346585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,363] Trial 31 finished with value: 8.497265009934077 and parameters: {'x': 1.1907150947448137, 'y': 2.711658305757213}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,364] Trial 32 finished with value: 5.58563603594332 and parameters: {'x': 1.164753074337394, 'y': 1.226778345604655}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,365] Trial 33 finished with value: 7.513168780303209 and parameters: {'x': 1.438771558179375, 'y': 1.8561933890452214}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,366] Trial 34 finished with value: 10.036185032484997 and parameters: {'x': 2.7588346246330424, 'y': 2.8045362579158644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,366] Trial 35 finished with value: 9.725500430892048 and parameters: {'x': 2.248857539172614, 'y': 2.5451257493449897}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,367] Trial 36 finished with value: 9.303195937042831 and parameters: {'x': 2.6499797485839593, 'y': 2.129994395445907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,368] Trial 37 finished with value: 7.504659314912903 and parameters: {'x': 1.4170785888985076, 'y': 1.6023382914670337}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,369] Trial 38 finished with value: 7.594638748301016 and parameters: {'x': 1.8407705077703342, 'y': 1.4766582402639137}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,370] Trial 39 finished with value: 8.334347071558396 and parameters: {'x': 1.1195428355366783, 'y': 2.644368853359082}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,371] Trial 40 finished with value: 7.595379550393446 and parameters: {'x': 1.6520069020915964, 'y': 1.9757114648600385}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,372] Trial 41 finished with value: 8.914385594429811 and parameters: {'x': 1.6470517107976008, 'y': 2.376989100206301}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,373] Trial 42 finished with value: 7.0818112184634625 and parameters: {'x': 1.9628877719392275, 'y': 1.3183124993698585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,373] Trial 43 finished with value: 8.913268618568011 and parameters: {'x': 2.6933015848984994, 'y': 1.8982819389972656}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,374] Trial 44 finished with value: 6.274280378720249 and parameters: {'x': 1.0099471446301753, 'y': 1.527052381039326}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,375] Trial 45 finished with value: 5.204000585932636 and parameters: {'x': 1.216951047813766, 'y': 1.1013262039458973}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,376] Trial 46 finished with value: 9.741805624133733 and parameters: {'x': 2.5259678280944784, 'y': 2.259709570452115}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,377] Trial 47 finished with value: 6.296778616088442 and parameters: {'x': 1.5291890491860796, 'y': 1.0228639505783026}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,378] Trial 48 finished with value: 9.129572645190375 and parameters: {'x': 2.47957554253214, 'y': 1.581063419584534}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,379] Trial 49 finished with value: 10.03449672210819 and parameters: {'x': 2.4140777216988454, 'y': 2.8688241358588593}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,379] Trial 50 finished with value: 7.986420805613088 and parameters: {'x': 1.5869407958655537, 'y': 2.1086035965849828}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,380] Trial 51 finished with value: 7.78469008465053 and parameters: {'x': 1.3794951150973072, 'y': 2.133730616674673}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,381] Trial 52 finished with value: 10.346702498937645 and parameters: {'x': 2.6600353834124157, 'y': 2.5265542823496276}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,382] Trial 53 finished with value: 8.397521047633518 and parameters: {'x': 2.8978919897984197, 'y': 2.0946088457485397}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,383] Trial 54 finished with value: 8.729635565576425 and parameters: {'x': 2.3226416072190963, 'y': 2.1163001449679175}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,384] Trial 55 finished with value: 6.563335605862068 and parameters: {'x': 1.2163645109709191, 'y': 1.871269427619554}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,385] Trial 56 finished with value: 6.873609887768213 and parameters: {'x': 1.2251556830566572, 'y': 1.7367674345443647}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,386] Trial 57 finished with value: 8.80557668194253 and parameters: {'x': 2.3857385187069093, 'y': 1.8044692754689606}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,386] Trial 58 finished with value: 8.48024561077549 and parameters: {'x': 2.859408136043024, 'y': 1.8608932253951125}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,387] Trial 59 finished with value: 7.929450226423043 and parameters: {'x': 1.069350630996834, 'y': 2.4151552500515012}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,388] Trial 60 finished with value: 7.524695733250729 and parameters: {'x': 1.5090899388472594, 'y': 1.4852477824087806}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,389] Trial 61 finished with value: 6.916920537471675 and parameters: {'x': 1.641179571690034, 'y': 1.2137699988751192}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,390] Trial 62 finished with value: 10.022015362074939 and parameters: {'x': 2.354751893467662, 'y': 2.7214581032189935}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,390] Trial 63 finished with value: 5.569058505649405 and parameters: {'x': 1.8750334501787682, 'y': 1.0065938879959706}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,391] Trial 64 finished with value: 9.236481240422165 and parameters: {'x': 2.7225253991380605, 'y': 1.463453956459146}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,392] Trial 65 finished with value: 7.589909153165305 and parameters: {'x': 1.8828143174093952, 'y': 1.4849961540002887}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,393] Trial 66 finished with value: 6.057427416925147 and parameters: {'x': 1.1136598146306471, 'y': 2.0651176783638157}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,393] Trial 67 finished with value: 5.333604535066673 and parameters: {'x': 1.1521593149514442, 'y': 1.1967712091492033}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,394] Trial 68 finished with value: 8.47663339990434 and parameters: {'x': 2.7331662465388735, 'y': 1.1946410227095325}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,395] Trial 69 finished with value: 6.1557427755607605 and parameters: {'x': 2.115689757806627, 'y': 1.075954418838918}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,396] Trial 70 finished with value: 8.21432386178338 and parameters: {'x': 2.426697315572791, 'y': 1.1610984577096755}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,396] Trial 71 finished with value: 9.150950844862605 and parameters: {'x': 1.4810568123213028, 'y': 2.5428552435500063}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,397] Trial 72 finished with value: 6.446630137296186 and parameters: {'x': 1.9154490857784012, 'y': 1.2081435102536793}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,398] Trial 73 finished with value: 7.702963494527083 and parameters: {'x': 1.5491345118660198, 'y': 1.5939876007739795}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,399] Trial 74 finished with value: 7.005032748152567 and parameters: {'x': 1.826844626954173, 'y': 1.9268425602050288}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,400] Trial 75 finished with value: 9.27183740472173 and parameters: {'x': 1.498215097882374, 'y': 2.676718866467224}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,400] Trial 76 finished with value: 6.1788202097104445 and parameters: {'x': 1.4090942518581993, 'y': 1.092598285985039}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,404] Trial 77 finished with value: 8.983446483572983 and parameters: {'x': 2.2413872996736677, 'y': 2.262636501594432}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,405] Trial 78 finished with value: 8.216516191382501 and parameters: {'x': 1.1779154251103852, 'y': 2.812668726136599}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,406] Trial 79 finished with value: 8.454386883504299 and parameters: {'x': 2.3305972180416967, 'y': 1.9835764247236907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,407] Trial 80 finished with value: 7.850643863378659 and parameters: {'x': 1.7388072343407257, 'y': 2.1404356549330252}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,408] Trial 81 finished with value: 8.548120869822377 and parameters: {'x': 1.2355723676495973, 'y': 2.4716454451936927}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,408] Trial 82 finished with value: 8.386285418856902 and parameters: {'x': 2.7552139515981446, 'y': 1.1836615335225171}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,409] Trial 83 finished with value: 9.33277811056341 and parameters: {'x': 2.2088941144948118, 'y': 2.792964798250159}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,410] Trial 84 finished with value: 10.191009221350768 and parameters: {'x': 2.585848255012078, 'y': 2.9630703840002472}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,411] Trial 85 finished with value: 9.199310232934744 and parameters: {'x': 2.748849783785084, 'y': 1.441554730785663}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,412] Trial 86 finished with value: 9.2646294664593 and parameters: {'x': 1.5948713689545138, 'y': 2.8027793439493904}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,413] Trial 87 finished with value: 7.080688050613922 and parameters: {'x': 1.9661671599435053, 'y': 1.8037364200866381}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,413] Trial 88 finished with value: 9.013415425450534 and parameters: {'x': 2.4163310734970684, 'y': 1.636886697540102}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,414] Trial 89 finished with value: 6.866821452286725 and parameters: {'x': 1.890540471699981, 'y': 1.88483373776394}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,415] Trial 90 finished with value: 5.959158557344825 and parameters: {'x': 1.3281373141813404, 'y': 1.125500051842644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,416] Trial 91 finished with value: 7.87159220193886 and parameters: {'x': 2.359511515835968, 'y': 1.1279106069988678}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,417] Trial 92 finished with value: 9.202654686101095 and parameters: {'x': 1.4685789842334418, 'y': 2.604580581576726}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,418] Trial 93 finished with value: 7.6448009517846 and parameters: {'x': 2.0921232065193225, 'y': 1.73682311950304}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,419] Trial 94 finished with value: 6.6725930457942475 and parameters: {'x': 1.6921203518903358, 'y': 1.1628807707949569}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,420] Trial 95 finished with value: 6.116863193669975 and parameters: {'x': 1.0694790248579369, 'y': 1.4104985430277928}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,420] Trial 96 finished with value: 8.847283521590567 and parameters: {'x': 1.9662722891008542, 'y': 2.701251138159574}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,421] Trial 97 finished with value: 8.443230082626295 and parameters: {'x': 2.2382451209071936, 'y': 1.6551477720943748}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,422] Trial 98 finished with value: 7.671184542786042 and parameters: {'x': 1.9676209973302294, 'y': 1.5656060031227454}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,423] Trial 99 finished with value: 4.788155844147777 and parameters: {'x': 1.0151800894576377, 'y': 1.200455850814773}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:12:38,424] Trial 100 finished with value: 4.045505869420193 and parameters: {'x': 1.0652252404158025, 'y': 1.0635003202026654}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,424] Trial 101 finished with value: 9.330788286768396 and parameters: {'x': 2.4173773897708193, 'y': 2.1901578920897675}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,425] Trial 102 finished with value: 7.069570698766446 and parameters: {'x': 1.1168049032504792, 'y': 2.222497516983431}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,426] Trial 103 finished with value: 6.317079292167321 and parameters: {'x': 1.0975025588917013, 'y': 2.12549533279568}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,427] Trial 104 finished with value: 9.29855178082329 and parameters: {'x': 1.5324004580461716, 'y': 2.723016150949123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,428] Trial 105 finished with value: 9.192696852614601 and parameters: {'x': 1.4808206774849857, 'y': 2.579008136152047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,428] Trial 106 finished with value: 8.408472658306273 and parameters: {'x': 2.831926346840218, 'y': 1.9197290242202152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,429] Trial 107 finished with value: 10.135310503921435 and parameters: {'x': 2.432192587200304, 'y': 2.5119874467684147}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,430] Trial 108 finished with value: 8.879378516475859 and parameters: {'x': 1.7407377105650303, 'y': 2.3855217737559635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,431] Trial 109 finished with value: 9.055230122907686 and parameters: {'x': 2.717636437055245, 'y': 2.0991095781429183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,432] Trial 110 finished with value: 7.293293823977846 and parameters: {'x': 1.0877372743905704, 'y': 2.273650413650829}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,433] Trial 111 finished with value: 8.919022535429784 and parameters: {'x': 2.95854396879389, 'y': 1.719039694018197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,434] Trial 112 finished with value: 7.3372819602724455 and parameters: {'x': 1.3623366154825576, 'y': 1.5554901490716264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,434] Trial 113 finished with value: 9.030101823932666 and parameters: {'x': 2.6595623168637306, 'y': 1.349405406692998}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,435] Trial 114 finished with value: 6.072245230822357 and parameters: {'x': 1.025040018500134, 'y': 1.4270855245256404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,436] Trial 115 finished with value: 7.427324175144104 and parameters: {'x': 1.5847021930614489, 'y': 1.388083865430075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,437] Trial 116 finished with value: 7.401331252563596 and parameters: {'x': 1.1720633580392537, 'y': 2.236009826109792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,438] Trial 117 finished with value: 7.707729664135554 and parameters: {'x': 1.6475738512480638, 'y': 1.7842152507174118}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,439] Trial 118 finished with value: 8.353403949911574 and parameters: {'x': 2.2922788419771853, 'y': 2.047108234443308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,440] Trial 119 finished with value: 7.901261536827631 and parameters: {'x': 2.0811791251484095, 'y': 1.5553480135828408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,441] Trial 120 finished with value: 7.929999755129986 and parameters: {'x': 2.1030085786156674, 'y': 1.6315349542573745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,441] Trial 121 finished with value: 9.288051746041393 and parameters: {'x': 2.249248175133083, 'y': 2.9212579305581805}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,442] Trial 122 finished with value: 9.073790993777054 and parameters: {'x': 2.556831585636369, 'y': 2.0192050725676203}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,443] Trial 123 finished with value: 6.1928075617926694 and parameters: {'x': 1.381008070971709, 'y': 1.127196872196507}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,444] Trial 124 finished with value: 10.156698962301324 and parameters: {'x': 2.984010254713117, 'y': 2.4756838541668325}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,445] Trial 125 finished with value: 9.874975505572541 and parameters: {'x': 2.48926356962497, 'y': 2.32310916596693}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,446] Trial 126 finished with value: 8.4403157532315 and parameters: {'x': 1.1674159135861502, 'y': 2.5243468662283424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,447] Trial 127 finished with value: 9.139515973359657 and parameters: {'x': 2.9124136588486005, 'y': 1.448544851596652}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,448] Trial 128 finished with value: 7.359019764415692 and parameters: {'x': 1.845559429941528, 'y': 1.3798715708393237}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,448] Trial 129 finished with value: 8.801406402850382 and parameters: {'x': 2.793280477391969, 'y': 2.0995429900681835}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,449] Trial 130 finished with value: 9.16027496754532 and parameters: {'x': 2.958814654897644, 'y': 1.4501058360334536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,450] Trial 131 finished with value: 9.043089465124277 and parameters: {'x': 2.5531846030820153, 'y': 1.394148666766868}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,451] Trial 132 finished with value: 7.606828759224673 and parameters: {'x': 1.628976929975279, 'y': 1.4619861318720995}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,452] Trial 133 finished with value: 9.070587375279917 and parameters: {'x': 1.419020074634894, 'y': 2.5430493560865637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,453] Trial 134 finished with value: 8.922647531691823 and parameters: {'x': 2.403540709078335, 'y': 1.5039144423310895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,454] Trial 135 finished with value: 7.967844530950847 and parameters: {'x': 1.8344664008911205, 'y': 2.2154175816586967}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,455] Trial 136 finished with value: 6.626032192071815 and parameters: {'x': 1.1376050758152119, 'y': 1.5572043930324122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,455] Trial 137 finished with value: 9.659594459444406 and parameters: {'x': 2.7866196797539673, 'y': 2.9979820048454564}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,456] Trial 138 finished with value: 6.347014296917756 and parameters: {'x': 1.1499787305081524, 'y': 1.4010452377707163}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,457] Trial 139 finished with value: 7.529375914538674 and parameters: {'x': 1.4493857009516564, 'y': 1.9428251265097687}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,458] Trial 140 finished with value: 8.81677041121904 and parameters: {'x': 1.3251875112150269, 'y': 2.9930602325129616}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,459] Trial 141 finished with value: 6.910809469825855 and parameters: {'x': 1.265056131105021, 'y': 2.0342370126064235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,460] Trial 142 finished with value: 8.270503495062389 and parameters: {'x': 1.6712378350511055, 'y': 2.2009435486868285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,461] Trial 143 finished with value: 7.452760285030202 and parameters: {'x': 1.3978757960635275, 'y': 1.5886968818444087}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,462] Trial 144 finished with value: 8.04404936965607 and parameters: {'x': 2.2430845548658915, 'y': 2.043992069057082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,462] Trial 145 finished with value: 9.037078848946711 and parameters: {'x': 2.541655139697369, 'y': 1.8839124502404339}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,463] Trial 146 finished with value: 6.982951805949881 and parameters: {'x': 1.781374575788557, 'y': 1.2651621081908913}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,464] Trial 147 finished with value: 9.20171480473229 and parameters: {'x': 1.6080598211760768, 'y': 2.9650186697000382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,465] Trial 148 finished with value: 6.452025938356062 and parameters: {'x': 1.1479419006340799, 'y': 1.4382449336931642}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,466] Trial 149 finished with value: 8.409147936673097 and parameters: {'x': 1.1982455088041204, 'y': 2.458225719447706}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,467] Trial 150 finished with value: 7.5725037722601485 and parameters: {'x': 1.9508953118972576, 'y': 1.6558619568319393}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,468] Trial 151 finished with value: 8.982528233453667 and parameters: {'x': 1.5525808084216455, 'y': 2.41293048193209}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,469] Trial 152 finished with value: 9.041991086654965 and parameters: {'x': 2.0937943692816763, 'y': 2.4277592159001715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,469] Trial 153 finished with value: 5.742279919822625 and parameters: {'x': 1.9597368328208227, 'y': 1.101870834317938}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,470] Trial 154 finished with value: 7.662524506220276 and parameters: {'x': 1.3428920411087246, 'y': 2.135148324498201}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,471] Trial 155 finished with value: 5.412915944788196 and parameters: {'x': 1.990908743954472, 'y': 1.0050198191556126}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,472] Trial 156 finished with value: 7.384637681531171 and parameters: {'x': 1.8039469768756087, 'y': 2.0905831063243143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,473] Trial 157 finished with value: 7.362225966959187 and parameters: {'x': 1.4451194939759322, 'y': 1.4525537484113495}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,474] Trial 158 finished with value: 10.222437021084144 and parameters: {'x': 2.6488242314394013, 'y': 2.433715704140214}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,475] Trial 159 finished with value: 6.896605385291597 and parameters: {'x': 1.027065396478891, 'y': 2.2375282061374557}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,476] Trial 160 finished with value: 9.070807682748207 and parameters: {'x': 2.965189425709962, 'y': 1.4068019970945893}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,477] Trial 161 finished with value: 8.24245966683869 and parameters: {'x': 2.4278280268516204, 'y': 1.1692189477956123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,477] Trial 162 finished with value: 5.673508204977029 and parameters: {'x': 1.0721727531477638, 'y': 2.0209882776353236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,478] Trial 163 finished with value: 6.685128269118291 and parameters: {'x': 1.0176360039225363, 'y': 2.210740833205314}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,479] Trial 164 finished with value: 7.608037762971426 and parameters: {'x': 1.871629158495657, 'y': 1.6523483721870136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,480] Trial 165 finished with value: 10.386096910354778 and parameters: {'x': 2.5895300471814746, 'y': 2.6305378593259974}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,481] Trial 166 finished with value: 7.40514642679503 and parameters: {'x': 1.7243774639538723, 'y': 1.9789454770033412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,482] Trial 167 finished with value: 9.33732591568054 and parameters: {'x': 2.1457972131567966, 'y': 2.666277852044355}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,483] Trial 168 finished with value: 7.517325492079699 and parameters: {'x': 1.5730197790114377, 'y': 1.436315023136025}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,484] Trial 169 finished with value: 8.954057110696501 and parameters: {'x': 2.565349052914175, 'y': 1.340767290504819}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,485] Trial 170 finished with value: 7.628363624986125 and parameters: {'x': 1.1240421322715355, 'y': 2.9812662390210587}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,485] Trial 171 finished with value: 7.895166227239825 and parameters: {'x': 2.097114156405027, 'y': 1.4841161709967734}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,486] Trial 172 finished with value: 9.650496346883967 and parameters: {'x': 2.878011320154017, 'y': 2.3083770732523208}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,487] Trial 173 finished with value: 10.179377446684578 and parameters: {'x': 2.5992281043426297, 'y': 2.960157496955233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,488] Trial 174 finished with value: 8.393777129433174 and parameters: {'x': 2.87864454294124, 'y': 1.239177096324707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,489] Trial 175 finished with value: 8.117760168554438 and parameters: {'x': 1.6390553207059786, 'y': 2.1544961862419205}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,490] Trial 176 finished with value: 7.780286127425217 and parameters: {'x': 1.9561316950363021, 'y': 2.2200267269991105}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,491] Trial 177 finished with value: 8.97783184216078 and parameters: {'x': 2.4029650756157688, 'y': 1.6597546371143177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,492] Trial 178 finished with value: 9.208872159188012 and parameters: {'x': 2.9549234687416903, 'y': 2.88628287561888}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,493] Trial 179 finished with value: 5.4049656445919965 and parameters: {'x': 1.011013356212266, 'y': 1.9578420384618553}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,493] Trial 180 finished with value: 9.12174191938108 and parameters: {'x': 2.3678749028786994, 'y': 2.17278483879681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,494] Trial 181 finished with value: 10.198826009408865 and parameters: {'x': 2.958641606176584, 'y': 2.5484903125582936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,495] Trial 182 finished with value: 7.6476415377950175 and parameters: {'x': 1.545998442266486, 'y': 1.9323981096163951}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,496] Trial 183 finished with value: 8.124489221721925 and parameters: {'x': 1.6758563638478126, 'y': 2.168679284141233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,497] Trial 184 finished with value: 7.64968413734136 and parameters: {'x': 2.209815005464777, 'y': 1.2569555742100504}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,498] Trial 185 finished with value: 7.803305947129413 and parameters: {'x': 2.0466239336984975, 'y': 1.5762074968179676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,499] Trial 186 finished with value: 8.05474377153569 and parameters: {'x': 2.1632397775778105, 'y': 1.6998366051182627}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,500] Trial 187 finished with value: 6.144941991306926 and parameters: {'x': 1.7747923908250454, 'y': 1.0826847582822892}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,500] Trial 188 finished with value: 6.2127589120851745 and parameters: {'x': 2.066909130422448, 'y': 1.1382530755142026}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,501] Trial 189 finished with value: 6.561669600397277 and parameters: {'x': 1.115901581604201, 'y': 1.629822531869676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,502] Trial 190 finished with value: 7.890219400244215 and parameters: {'x': 2.084328797212484, 'y': 1.5148949334884845}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,503] Trial 191 finished with value: 7.464114852010187 and parameters: {'x': 1.8892808907270018, 'y': 1.713626723491136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,504] Trial 192 finished with value: 7.156552221150989 and parameters: {'x': 1.786094779669809, 'y': 1.960800211946864}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,505] Trial 193 finished with value: 8.951979216755136 and parameters: {'x': 1.7413234774569297, 'y': 2.8444003260863475}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,506] Trial 194 finished with value: 8.613621999490935 and parameters: {'x': 2.277526156650702, 'y': 1.5896308935518735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,507] Trial 195 finished with value: 6.996158886658911 and parameters: {'x': 1.27798756081083, 'y': 1.8105280925644867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,508] Trial 196 finished with value: 8.611348223142354 and parameters: {'x': 2.780063608043692, 'y': 1.2470883370791117}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,508] Trial 197 finished with value: 6.030637405462642 and parameters: {'x': 1.3669459553065468, 'y': 1.0967663914722383}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,509] Trial 198 finished with value: 8.9651624986928 and parameters: {'x': 2.45114124303605, 'y': 1.8177367495614867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,510] Trial 199 finished with value: 8.915451335211346 and parameters: {'x': 2.335872085479096, 'y': 2.150144686924997}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,511] Trial 200 finished with value: 7.021661568826715 and parameters: {'x': 1.8602528352275918, 'y': 1.8654081939662959}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,512] Trial 201 finished with value: 9.769519658797082 and parameters: {'x': 2.7347930055246903, 'y': 2.281904221003719}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,513] Trial 202 finished with value: 4.469825231897417 and parameters: {'x': 1.1276709782028493, 'y': 1.076434141934986}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,514] Trial 203 finished with value: 10.239785901129567 and parameters: {'x': 2.5334930752056657, 'y': 2.8412627361168794}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,515] Trial 204 finished with value: 8.53553773386228 and parameters: {'x': 1.9038626907012923, 'y': 2.808230478175809}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,515] Trial 205 finished with value: 7.469472666097261 and parameters: {'x': 2.0627178614594097, 'y': 1.361793778177681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,516] Trial 206 finished with value: 6.667264537099793 and parameters: {'x': 1.155198996514189, 'y': 1.6725570179291875}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,517] Trial 207 finished with value: 9.076853313820374 and parameters: {'x': 1.8583070910014763, 'y': 2.575429422230293}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,518] Trial 208 finished with value: 7.763861642014163 and parameters: {'x': 1.3957039185663036, 'y': 2.115221306953389}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,519] Trial 209 finished with value: 7.931876268965578 and parameters: {'x': 1.0377878625094168, 'y': 2.7386171658588525}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,520] Trial 210 finished with value: 9.291572445362457 and parameters: {'x': 1.5225522661296755, 'y': 2.72999996019061}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,521] Trial 211 finished with value: 7.90789463480928 and parameters: {'x': 2.1580208652985027, 'y': 1.7481916178348185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,522] Trial 212 finished with value: 8.331075538821214 and parameters: {'x': 1.3086571202225628, 'y': 2.322867543653529}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,522] Trial 213 finished with value: 7.134902741194471 and parameters: {'x': 1.311339134694525, 'y': 1.8159808263688133}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,523] Trial 214 finished with value: 8.508767907255717 and parameters: {'x': 1.5328694871482778, 'y': 2.253473258892857}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,524] Trial 215 finished with value: 10.160814928725088 and parameters: {'x': 2.4340858563813637, 'y': 2.5328342880614736}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,525] Trial 216 finished with value: 7.520519248925659 and parameters: {'x': 2.8358217538122545, 'y': 1.0073602356390727}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,526] Trial 217 finished with value: 8.734898042294475 and parameters: {'x': 2.3976126842507304, 'y': 1.9818004671370137}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,527] Trial 218 finished with value: 9.212983735328182 and parameters: {'x': 2.5707009425331124, 'y': 1.510914137767352}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,528] Trial 219 finished with value: 7.630386114164498 and parameters: {'x': 2.290055224334804, 'y': 1.1542707595107782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,529] Trial 220 finished with value: 9.223023627226235 and parameters: {'x': 1.4874256907368923, 'y': 2.8243687678809852}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,530] Trial 221 finished with value: 6.491452216777805 and parameters: {'x': 2.178628325873583, 'y': 1.0417939251882566}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,531] Trial 222 finished with value: 8.964465884983193 and parameters: {'x': 2.435201368490529, 'y': 1.4774745015263917}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,531] Trial 223 finished with value: 9.787167605334385 and parameters: {'x': 2.5102236610164814, 'y': 2.280925654939244}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,532] Trial 224 finished with value: 10.263157219003295 and parameters: {'x': 2.4943112514176353, 'y': 2.7744643239933993}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,533] Trial 225 finished with value: 8.10062600422781 and parameters: {'x': 1.4212237274775974, 'y': 2.1854087410493284}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,534] Trial 226 finished with value: 7.400051605325441 and parameters: {'x': 1.3919703351200805, 'y': 1.549329359587792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,535] Trial 227 finished with value: 10.142835796284338 and parameters: {'x': 2.4810205514098005, 'y': 2.947362586144786}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,536] Trial 228 finished with value: 7.315275574586037 and parameters: {'x': 1.9544917597569376, 'y': 1.746454737362182}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,537] Trial 229 finished with value: 8.02264358861355 and parameters: {'x': 2.024667187134299, 'y': 2.9507638023385447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,538] Trial 230 finished with value: 7.650780229269962 and parameters: {'x': 1.5589595248514958, 'y': 1.8963027349856008}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,539] Trial 231 finished with value: 8.75642052006269 and parameters: {'x': 1.2578489085880764, 'y': 2.573495333602545}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,539] Trial 232 finished with value: 7.720926630613398 and parameters: {'x': 1.6683961727920873, 'y': 2.0584749448370667}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,540] Trial 233 finished with value: 10.111196291118265 and parameters: {'x': 2.388544278181339, 'y': 2.5758930870083345}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,541] Trial 234 finished with value: 8.999141681351706 and parameters: {'x': 1.3880499083930444, 'y': 2.9198551748985655}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,542] Trial 235 finished with value: 6.947255849127545 and parameters: {'x': 1.3017815054591813, 'y': 1.4239006206842184}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,543] Trial 236 finished with value: 8.093163601417645 and parameters: {'x': 1.022966381407082, 'y': 2.511672249150409}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,544] Trial 237 finished with value: 9.244523525498478 and parameters: {'x': 2.1309296907352304, 'y': 2.687476427568785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,545] Trial 238 finished with value: 7.404512967642068 and parameters: {'x': 1.325042353063805, 'y': 2.0888798280457053}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,546] Trial 239 finished with value: 8.276865554192819 and parameters: {'x': 2.184880893629826, 'y': 2.178955012453271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,546] Trial 240 finished with value: 9.001965784325948 and parameters: {'x': 2.6346136475206117, 'y': 1.9949438321654618}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,547] Trial 241 finished with value: 6.951984210410229 and parameters: {'x': 2.0125264882488345, 'y': 1.2811406982064169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,548] Trial 242 finished with value: 9.059296508005236 and parameters: {'x': 1.3974245366863893, 'y': 2.5622304428793035}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,549] Trial 243 finished with value: 8.206034009843497 and parameters: {'x': 2.9364115200634586, 'y': 1.883919482780143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,550] Trial 244 finished with value: 9.921919105284765 and parameters: {'x': 2.8470228282279604, 'y': 2.3680211380618044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,551] Trial 245 finished with value: 5.862369248339185 and parameters: {'x': 1.1142529535002255, 'y': 2.0076454952194416}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,552] Trial 246 finished with value: 7.481016763418873 and parameters: {'x': 2.0251579459513422, 'y': 1.7229460313825542}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,553] Trial 247 finished with value: 9.084504448433803 and parameters: {'x': 2.5598314697394455, 'y': 1.84622302020528}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,554] Trial 248 finished with value: 9.730779841830977 and parameters: {'x': 2.705026542530438, 'y': 2.261172872438412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,555] Trial 249 finished with value: 6.970087709999072 and parameters: {'x': 2.2056625156106104, 'y': 1.1199626417334956}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,555] Trial 250 finished with value: 8.953933738523933 and parameters: {'x': 2.702914966726759, 'y': 1.860231761427788}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,556] Trial 251 finished with value: 9.748424617891873 and parameters: {'x': 2.4667731201567493, 'y': 2.2888764660961294}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,557] Trial 252 finished with value: 9.167673651450142 and parameters: {'x': 2.072195797772089, 'y': 2.610655666055697}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,558] Trial 253 finished with value: 7.147031598038101 and parameters: {'x': 1.291699180736912, 'y': 1.7390061583839724}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,559] Trial 254 finished with value: 6.116670622794018 and parameters: {'x': 2.1301272592646647, 'y': 1.0347697813695165}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,560] Trial 255 finished with value: 8.208828599746406 and parameters: {'x': 2.2867287156201046, 'y': 1.9679983737249274}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,561] Trial 256 finished with value: 6.548620766445598 and parameters: {'x': 1.2044888856944802, 'y': 1.4005015727656103}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,562] Trial 257 finished with value: 10.31713510610331 and parameters: {'x': 2.612563047786084, 'y': 2.7704625571335404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,562] Trial 258 finished with value: 10.084552858039983 and parameters: {'x': 2.4972956483612614, 'y': 2.4135511676669017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,563] Trial 259 finished with value: 8.704815048381596 and parameters: {'x': 1.8348199894899018, 'y': 2.816913002698824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,564] Trial 260 finished with value: 9.909882350543576 and parameters: {'x': 2.782731419649844, 'y': 2.8262820425631365}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,565] Trial 261 finished with value: 5.976489893672717 and parameters: {'x': 1.7736308753893941, 'y': 1.020860693431882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,566] Trial 262 finished with value: 5.927980057999747 and parameters: {'x': 2.016682408877395, 'y': 1.121591782697312}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,567] Trial 263 finished with value: 8.858717705415632 and parameters: {'x': 1.5563968701377697, 'y': 2.3616592332265505}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,568] Trial 264 finished with value: 10.033313474090175 and parameters: {'x': 2.9006873116428213, 'y': 2.692515618646322}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,569] Trial 265 finished with value: 8.880528053164227 and parameters: {'x': 1.3391217993231546, 'y': 2.5119201657605466}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,570] Trial 266 finished with value: 6.512793795585026 and parameters: {'x': 1.0973914976258345, 'y': 1.598088367554651}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,570] Trial 267 finished with value: 10.133308161929415 and parameters: {'x': 2.4722329634215807, 'y': 2.9038913264736412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,571] Trial 268 finished with value: 9.009577894524508 and parameters: {'x': 2.848278275800719, 'y': 1.71975219955167}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,572] Trial 269 finished with value: 9.073466277909414 and parameters: {'x': 1.8477499271033209, 'y': 2.544824490259407}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,573] Trial 270 finished with value: 8.857712616202502 and parameters: {'x': 2.7763762931812623, 'y': 2.0978016101308743}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,574] Trial 271 finished with value: 8.336836626348964 and parameters: {'x': 2.3795700310590426, 'y': 1.2465209738223508}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,575] Trial 272 finished with value: 5.916158701235933 and parameters: {'x': 1.362378593042143, 'y': 1.0660251203586257}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,576] Trial 273 finished with value: 9.146929015217898 and parameters: {'x': 1.8033754828833874, 'y': 2.6047616206447453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,577] Trial 274 finished with value: 7.438775490254871 and parameters: {'x': 1.7578386164256896, 'y': 1.8327485767740324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,578] Trial 275 finished with value: 7.535911323474094 and parameters: {'x': 1.6806223274483807, 'y': 1.9795460472091044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,578] Trial 276 finished with value: 7.2692615352023005 and parameters: {'x': 1.3721922862035816, 'y': 1.4889755041007238}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,579] Trial 277 finished with value: 10.156213247691806 and parameters: {'x': 2.439013905615374, 'y': 2.798546701303678}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,580] Trial 278 finished with value: 7.594454224312965 and parameters: {'x': 1.7836186155171991, 'y': 1.7335789878704169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,581] Trial 279 finished with value: 9.692863147985143 and parameters: {'x': 2.830534386150495, 'y': 2.8448425756608664}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,582] Trial 280 finished with value: 10.354735182718246 and parameters: {'x': 2.654619006311158, 'y': 2.535702751682674}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,583] Trial 281 finished with value: 9.59974810128511 and parameters: {'x': 2.2129591988883632, 'y': 2.6594307933091414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,584] Trial 282 finished with value: 9.171231249430022 and parameters: {'x': 2.4126063326685623, 'y': 2.1477052796850047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,585] Trial 283 finished with value: 4.423097764063691 and parameters: {'x': 1.1136507650040754, 'y': 1.085185414659418}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,586] Trial 284 finished with value: 8.518116853818347 and parameters: {'x': 2.2714436670861144, 'y': 1.4799874049703434}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,586] Trial 285 finished with value: 6.308183889141347 and parameters: {'x': 1.1798253175175006, 'y': 1.358477133667177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,587] Trial 286 finished with value: 5.721946692056417 and parameters: {'x': 1.0636206120922096, 'y': 1.8733061965353646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,588] Trial 287 finished with value: 7.677943634548251 and parameters: {'x': 1.121973471590385, 'y': 2.9035790410998183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,589] Trial 288 finished with value: 9.151799227058577 and parameters: {'x': 2.6069182409954905, 'y': 1.7996328195485836}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,590] Trial 289 finished with value: 10.013127416178817 and parameters: {'x': 2.4167858431807874, 'y': 2.9164976263663602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,591] Trial 290 finished with value: 4.998303328378896 and parameters: {'x': 1.1542956742066215, 'y': 1.140781609596429}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,592] Trial 291 finished with value: 8.28114606706547 and parameters: {'x': 2.1879466071750313, 'y': 1.5581671187822235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,593] Trial 292 finished with value: 8.832524046610402 and parameters: {'x': 2.300366007103639, 'y': 2.16793189577589}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,594] Trial 293 finished with value: 5.711376066059369 and parameters: {'x': 1.094322932423767, 'y': 1.9411323943054628}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,594] Trial 294 finished with value: 7.760929512264443 and parameters: {'x': 2.071568489594031, 'y': 1.4523217653510414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,595] Trial 295 finished with value: 9.671827782479724 and parameters: {'x': 2.9922109078108097, 'y': 2.7826847496567426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,596] Trial 296 finished with value: 6.710962291458795 and parameters: {'x': 2.0479007588535945, 'y': 1.2261318608148313}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,597] Trial 297 finished with value: 9.202996753526495 and parameters: {'x': 2.8645562118427224, 'y': 1.6129257002416637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,598] Trial 298 finished with value: 5.60593399078077 and parameters: {'x': 1.0573022885455976, 'y': 1.3062488386606321}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,599] Trial 299 finished with value: 6.58244865409225 and parameters: {'x': 1.3655659763270604, 'y': 1.2432668725475122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,600] Trial 300 finished with value: 6.2066836519014394 and parameters: {'x': 1.331275367399907, 'y': 1.182084471528453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,601] Trial 301 finished with value: 8.984835506742034 and parameters: {'x': 2.0438870786774963, 'y': 2.6836625341675298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,602] Trial 302 finished with value: 9.135668282526662 and parameters: {'x': 1.6844674053929338, 'y': 2.482716416022635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,603] Trial 303 finished with value: 10.359646028416753 and parameters: {'x': 2.5754761557918533, 'y': 2.7198582320674056}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,603] Trial 304 finished with value: 7.361657153468046 and parameters: {'x': 1.3571872591947314, 'y': 1.75345728109374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,604] Trial 305 finished with value: 7.913504782012886 and parameters: {'x': 2.2567402470676416, 'y': 1.2652867032397062}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,605] Trial 306 finished with value: 9.347623407815192 and parameters: {'x': 2.1932762319899344, 'y': 2.7575887786576088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,606] Trial 307 finished with value: 6.238482058571574 and parameters: {'x': 1.398568508516686, 'y': 1.1219645882466098}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,607] Trial 308 finished with value: 9.255211632335527 and parameters: {'x': 2.1065275363082856, 'y': 2.623147599225602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,608] Trial 309 finished with value: 7.9259135284926625 and parameters: {'x': 2.401557205780505, 'y': 1.0884686415000555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,609] Trial 310 finished with value: 9.912652969472223 and parameters: {'x': 2.4927665585904117, 'y': 2.3362285111941388}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,610] Trial 311 finished with value: 7.9160816136541055 and parameters: {'x': 2.086039549812548, 'y': 1.5718753826147212}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,611] Trial 312 finished with value: 8.846211582353332 and parameters: {'x': 2.7946975959997085, 'y': 2.1111493443901646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,611] Trial 313 finished with value: 8.447724376654612 and parameters: {'x': 1.231940729779242, 'y': 2.4329241473881456}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,612] Trial 314 finished with value: 7.552500541854169 and parameters: {'x': 1.7919999988976703, 'y': 1.7463777927679258}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,613] Trial 315 finished with value: 9.218512393996935 and parameters: {'x': 1.5175664405513307, 'y': 2.924995588232765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,614] Trial 316 finished with value: 6.857585341545889 and parameters: {'x': 2.0710526351204024, 'y': 1.9257182649214797}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,615] Trial 317 finished with value: 6.2545662723315765 and parameters: {'x': 1.0302565320977815, 'y': 2.150580729287884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,616] Trial 318 finished with value: 7.983987219108325 and parameters: {'x': 2.4111627134494213, 'y': 1.0980217544085398}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,617] Trial 319 finished with value: 8.357108631911709 and parameters: {'x': 1.2100873805705843, 'y': 2.820830469555223}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,618] Trial 320 finished with value: 6.699130383291198 and parameters: {'x': 1.215682949072571, 'y': 2.0632357475823735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,619] Trial 321 finished with value: 8.948976386936518 and parameters: {'x': 1.331367634034851, 'y': 2.581299783112364}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,620] Trial 322 finished with value: 7.982138721518298 and parameters: {'x': 1.988398470351165, 'y': 2.945407386064451}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,620] Trial 323 finished with value: 9.745623933776441 and parameters: {'x': 2.30428299904322, 'y': 2.805664681125419}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,621] Trial 324 finished with value: 7.613461888965885 and parameters: {'x': 1.0069534961965363, 'y': 2.8127180219484327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,622] Trial 325 finished with value: 7.652181636405894 and parameters: {'x': 1.8566641006360123, 'y': 1.5309023468189245}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,623] Trial 326 finished with value: 9.162199390098213 and parameters: {'x': 2.9688223241275935, 'y': 2.8965908439695895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,624] Trial 327 finished with value: 8.603561199051127 and parameters: {'x': 2.101710342423472, 'y': 2.8472037870659075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,625] Trial 328 finished with value: 9.238104079329661 and parameters: {'x': 1.4645047073963369, 'y': 2.7201884102366276}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,626] Trial 329 finished with value: 9.2059890001439 and parameters: {'x': 1.5029492524669203, 'y': 2.570755821365006}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,627] Trial 330 finished with value: 8.662235215716079 and parameters: {'x': 1.9668160413505607, 'y': 2.7570260466308625}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,628] Trial 331 finished with value: 4.387601305751666 and parameters: {'x': 1.1063704438455368, 'y': 1.0869451970964539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,629] Trial 332 finished with value: 8.743504814708885 and parameters: {'x': 2.42920152555666, 'y': 1.3500254719172264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,629] Trial 333 finished with value: 7.474602128171121 and parameters: {'x': 1.152829659231377, 'y': 2.263024436911833}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,630] Trial 334 finished with value: 7.7139152591869955 and parameters: {'x': 2.083902436337981, 'y': 1.7042422360941185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,631] Trial 335 finished with value: 9.064165098697746 and parameters: {'x': 2.196396028837885, 'y': 2.868474069611013}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,632] Trial 336 finished with value: 7.526207724974352 and parameters: {'x': 1.748765975307913, 'y': 1.4175092102644002}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,633] Trial 337 finished with value: 8.87318611022771 and parameters: {'x': 1.4301086067741993, 'y': 2.4221290283239707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,634] Trial 338 finished with value: 7.437628554622544 and parameters: {'x': 1.5370848528034777, 'y': 1.4164035735238645}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,635] Trial 339 finished with value: 9.108528828823486 and parameters: {'x': 2.8221419136641974, 'y': 1.4137540686047536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,636] Trial 340 finished with value: 10.224469832486484 and parameters: {'x': 2.7627939976725715, 'y': 2.712650585544082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,637] Trial 341 finished with value: 9.157248639712966 and parameters: {'x': 1.621381698958753, 'y': 2.490024536343387}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,638] Trial 342 finished with value: 9.067096629559234 and parameters: {'x': 2.965909978088968, 'y': 2.9290256135131707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,638] Trial 343 finished with value: 8.20828834637247 and parameters: {'x': 2.551873644603601, 'y': 1.0660867667675091}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,639] Trial 344 finished with value: 7.619650128094548 and parameters: {'x': 2.0644661743154415, 'y': 1.4042470172553296}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,640] Trial 345 finished with value: 8.763579496092841 and parameters: {'x': 1.6545509357446349, 'y': 2.3265521680886843}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,641] Trial 346 finished with value: 10.329168526789621 and parameters: {'x': 2.644777207725301, 'y': 2.5097392192993073}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,642] Trial 347 finished with value: 6.209810066889293 and parameters: {'x': 1.794374892990855, 'y': 1.1141125151488116}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,643] Trial 348 finished with value: 7.984742852035451 and parameters: {'x': 1.092178496970699, 'y': 2.41579734736726}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,644] Trial 349 finished with value: 8.870990662413382 and parameters: {'x': 1.3414984313948313, 'y': 2.982007944245219}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,645] Trial 350 finished with value: 8.966183159301048 and parameters: {'x': 2.4075892104439074, 'y': 1.7079217481458522}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,646] Trial 351 finished with value: 7.656693888229608 and parameters: {'x': 1.8518279470371772, 'y': 1.6238590298596043}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,646] Trial 352 finished with value: 9.062458866554683 and parameters: {'x': 2.6177201797519714, 'y': 1.8642498769805247}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,647] Trial 353 finished with value: 9.018050055020714 and parameters: {'x': 2.4187002604843553, 'y': 1.6138392905141121}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,648] Trial 354 finished with value: 8.991109902167452 and parameters: {'x': 1.3703645448408575, 'y': 2.834356324376323}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,649] Trial 355 finished with value: 8.38152104519662 and parameters: {'x': 1.1555343303547916, 'y': 2.7006567266890333}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,650] Trial 356 finished with value: 6.212801250088436 and parameters: {'x': 1.1805670600758351, 'y': 1.3342035077899745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,651] Trial 357 finished with value: 7.941553127535705 and parameters: {'x': 2.7592288821782676, 'y': 1.0706680098479076}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,652] Trial 358 finished with value: 7.224303585235438 and parameters: {'x': 1.3045011153751436, 'y': 1.6118863229503622}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,653] Trial 359 finished with value: 8.44450330401257 and parameters: {'x': 2.2335451159558417, 'y': 1.628179759156297}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,654] Trial 360 finished with value: 7.044886595511825 and parameters: {'x': 1.9972271639585526, 'y': 1.3032450288065827}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,655] Trial 361 finished with value: 8.270774653868527 and parameters: {'x': 2.8974389690073172, 'y': 1.888026611242919}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,655] Trial 362 finished with value: 8.91666182979364 and parameters: {'x': 2.4368892491097727, 'y': 1.4377983452111882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,656] Trial 363 finished with value: 10.088239690096223 and parameters: {'x': 2.865870145047425, 'y': 2.4358911847461413}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,657] Trial 364 finished with value: 8.78965221877254 and parameters: {'x': 2.3358581438953543, 'y': 1.6618000006359324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,658] Trial 365 finished with value: 10.125686298125409 and parameters: {'x': 2.445415598969073, 'y': 2.84484078419461}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,659] Trial 366 finished with value: 7.343383611464031 and parameters: {'x': 1.7769158794075075, 'y': 2.0507637598350668}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,660] Trial 367 finished with value: 7.997988774164467 and parameters: {'x': 2.2356426584991205, 'y': 2.0451278303879987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,661] Trial 368 finished with value: 8.205247029616046 and parameters: {'x': 2.187146945707058, 'y': 1.4742898645858042}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,662] Trial 369 finished with value: 9.00406642736227 and parameters: {'x': 1.9929649460017025, 'y': 2.5078903999195608}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,663] Trial 370 finished with value: 5.226188688989737 and parameters: {'x': 1.0087444470767506, 'y': 1.2633840962145775}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,664] Trial 371 finished with value: 8.71485187368858 and parameters: {'x': 1.3079096308120766, 'y': 2.9738261872510607}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,664] Trial 372 finished with value: 9.216845434625913 and parameters: {'x': 1.508575392047343, 'y': 2.8773204260382386}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,665] Trial 373 finished with value: 9.17989793263459 and parameters: {'x': 2.8841994959270485, 'y': 1.621651975448489}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,666] Trial 374 finished with value: 8.98557586111079 and parameters: {'x': 2.500830384642061, 'y': 1.8944341497362096}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,667] Trial 375 finished with value: 9.303369240522263 and parameters: {'x': 1.5391501775074237, 'y': 2.711571907670349}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,668] Trial 376 finished with value: 8.750471615681288 and parameters: {'x': 1.4913406700000764, 'y': 2.341732508736907}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,669] Trial 377 finished with value: 7.227982143201142 and parameters: {'x': 1.3268853102432239, 'y': 1.7885289413291054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,670] Trial 378 finished with value: 10.023162229027282 and parameters: {'x': 2.396048090406278, 'y': 2.8314615713289455}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,670] Trial 379 finished with value: 6.092896856433121 and parameters: {'x': 1.7911165415621344, 'y': 1.08382619235308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,671] Trial 380 finished with value: 6.120317782062621 and parameters: {'x': 1.4032309691122884, 'y': 1.079894591239306}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,672] Trial 381 finished with value: 7.022502908484473 and parameters: {'x': 1.8824910993699955, 'y': 1.3033402032471397}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,673] Trial 382 finished with value: 7.652674431707082 and parameters: {'x': 1.8497308313116698, 'y': 1.6310518292420932}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,674] Trial 383 finished with value: 5.822719727358805 and parameters: {'x': 1.3215559497308957, 'y': 1.0981061820951246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,675] Trial 384 finished with value: 7.373644800992425 and parameters: {'x': 1.3940794368916745, 'y': 1.9120470222848358}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,676] Trial 385 finished with value: 5.481155598344511 and parameters: {'x': 1.9414607876752354, 'y': 1.0393575200952851}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,677] Trial 386 finished with value: 10.096454316474768 and parameters: {'x': 2.4543933766663644, 'y': 2.928712322892695}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,677] Trial 387 finished with value: 6.370030836329917 and parameters: {'x': 1.3548891051987708, 'y': 1.1986347193634166}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,678] Trial 388 finished with value: 8.509039975333158 and parameters: {'x': 2.322081543679178, 'y': 1.8428832782616735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,679] Trial 389 finished with value: 7.267810238351741 and parameters: {'x': 1.6160281384053163, 'y': 1.3184453833011878}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,680] Trial 390 finished with value: 5.601143816756288 and parameters: {'x': 1.0084796381477859, 'y': 1.8664753046910936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,681] Trial 391 finished with value: 9.279754455615958 and parameters: {'x': 2.873043369326268, 'y': 2.9390091395584017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,682] Trial 392 finished with value: 7.491358104879318 and parameters: {'x': 2.1375796868486256, 'y': 1.8391439039291715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,683] Trial 393 finished with value: 7.469105104664758 and parameters: {'x': 1.7923971939999055, 'y': 2.0989587544380424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,684] Trial 394 finished with value: 8.956798399528843 and parameters: {'x': 1.711999584921766, 'y': 2.9091711768326656}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,685] Trial 395 finished with value: 9.174547757972167 and parameters: {'x': 2.840890581133052, 'y': 1.4561757164149107}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,686] Trial 396 finished with value: 7.851700424065141 and parameters: {'x': 1.7113279109352795, 'y': 2.123481419395448}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,686] Trial 397 finished with value: 7.750692605356102 and parameters: {'x': 1.6902889832813934, 'y': 1.5623461183014966}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,687] Trial 398 finished with value: 8.755451855147848 and parameters: {'x': 2.911761337310541, 'y': 1.3197890733099533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,688] Trial 399 finished with value: 10.268295211866295 and parameters: {'x': 2.476466615710587, 'y': 2.7332328340294563}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,689] Trial 400 finished with value: 6.417574443703831 and parameters: {'x': 2.177474958724643, 'y': 1.005653626481327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,690] Trial 401 finished with value: 7.668896523263015 and parameters: {'x': 1.644378784575017, 'y': 1.4968063585350646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,691] Trial 402 finished with value: 8.19298658310015 and parameters: {'x': 2.431289201640437, 'y': 1.149653767432715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,692] Trial 403 finished with value: 8.97130164568623 and parameters: {'x': 2.0238418672969654, 'y': 2.464378965120093}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,693] Trial 404 finished with value: 9.9498222644883 and parameters: {'x': 2.888144037415016, 'y': 2.3893540652536975}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,694] Trial 405 finished with value: 8.946878681936214 and parameters: {'x': 2.4819106838477336, 'y': 1.9690251042928717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,695] Trial 406 finished with value: 9.2775145368802 and parameters: {'x': 1.6086848468720156, 'y': 2.7757886297325713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,696] Trial 407 finished with value: 6.0398599077263455 and parameters: {'x': 1.0094173253653007, 'y': 2.126016301637884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,696] Trial 408 finished with value: 7.172267725737418 and parameters: {'x': 1.8647089587091887, 'y': 2.0967083242682962}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,697] Trial 409 finished with value: 10.06942366313142 and parameters: {'x': 2.368979331565893, 'y': 2.7081400803511215}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,698] Trial 410 finished with value: 6.13664299399473 and parameters: {'x': 1.0540333265179518, 'y': 1.4282302453602083}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,699] Trial 411 finished with value: 7.308753587807553 and parameters: {'x': 1.330671073227345, 'y': 1.6984403303355533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,700] Trial 412 finished with value: 6.767207011793218 and parameters: {'x': 1.206523047230095, 'y': 1.7496095327225718}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,701] Trial 413 finished with value: 8.92360731321179 and parameters: {'x': 1.3945161668885826, 'y': 2.4748484732751246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,702] Trial 414 finished with value: 6.680035661311976 and parameters: {'x': 1.9976931371083386, 'y': 2.0379928984768765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,703] Trial 415 finished with value: 7.414252441736993 and parameters: {'x': 1.534572725393671, 'y': 1.4067465865126285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,704] Trial 416 finished with value: 8.9996012583928 and parameters: {'x': 2.585170495454305, 'y': 1.3532149268593918}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,704] Trial 417 finished with value: 9.90548167086543 and parameters: {'x': 2.3399565787146277, 'y': 2.787020230782926}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,705] Trial 418 finished with value: 7.691607288024512 and parameters: {'x': 1.1359010765855024, 'y': 2.9686284408298524}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,706] Trial 419 finished with value: 9.796735720491617 and parameters: {'x': 2.820579493870747, 'y': 2.823207076944582}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,707] Trial 420 finished with value: 6.260789565502911 and parameters: {'x': 1.81156678146324, 'y': 1.1360440007461408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,708] Trial 421 finished with value: 9.21860388769146 and parameters: {'x': 2.4250417759272396, 'y': 2.151886634469717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,709] Trial 422 finished with value: 9.088805627236487 and parameters: {'x': 2.4946484937597644, 'y': 1.489491780477701}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,710] Trial 423 finished with value: 6.226677245473308 and parameters: {'x': 1.1477089283401192, 'y': 2.056377420203176}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,711] Trial 424 finished with value: 8.483973107680615 and parameters: {'x': 2.3302930707241654, 'y': 1.8862617093564347}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,712] Trial 425 finished with value: 10.189866481093429 and parameters: {'x': 2.8205578954962713, 'y': 2.6743642252871402}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,713] Trial 426 finished with value: 4.266283468162449 and parameters: {'x': 1.128574522835871, 'y': 1.0186489038456865}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,714] Trial 427 finished with value: 8.788669762186533 and parameters: {'x': 1.3313453765359875, 'y': 2.4692989209762657}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,715] Trial 428 finished with value: 9.897316989347988 and parameters: {'x': 2.379633485342911, 'y': 2.9387309613275088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,716] Trial 429 finished with value: 7.733897179743261 and parameters: {'x': 2.3548144243288824, 'y': 1.0883146783356357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,717] Trial 430 finished with value: 9.770730743480064 and parameters: {'x': 2.34392440316154, 'y': 2.9737399239212152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,718] Trial 431 finished with value: 6.651404870689522 and parameters: {'x': 1.2401114796732557, 'y': 1.9103876401791673}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,719] Trial 432 finished with value: 8.624387367423939 and parameters: {'x': 2.343842819069655, 'y': 1.402892703320057}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,720] Trial 433 finished with value: 7.319391065120538 and parameters: {'x': 1.3369742062000984, 'y': 1.7193648999124012}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,721] Trial 434 finished with value: 8.63207059410576 and parameters: {'x': 1.568076793133939, 'y': 2.284355408978114}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,722] Trial 435 finished with value: 6.170131843245223 and parameters: {'x': 1.0418953375485036, 'y': 2.135054245104543}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,723] Trial 436 finished with value: 10.369997992085416 and parameters: {'x': 2.61908092246873, 'y': 2.7087079857491236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,724] Trial 437 finished with value: 8.214286391310745 and parameters: {'x': 2.1802285557954493, 'y': 1.6466895137837072}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,725] Trial 438 finished with value: 6.5325083151338745 and parameters: {'x': 1.301511960988448, 'y': 1.2904075186733923}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,726] Trial 439 finished with value: 7.81961102131716 and parameters: {'x': 1.951071480713511, 'y': 2.225511766887371}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,727] Trial 440 finished with value: 8.789791847209642 and parameters: {'x': 1.752568510864902, 'y': 2.9694528025425426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,728] Trial 441 finished with value: 8.845951391776083 and parameters: {'x': 2.9348530597453095, 'y': 1.7386220876900822}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,728] Trial 442 finished with value: 6.8313562893640825 and parameters: {'x': 1.1584195744800634, 'y': 2.1553107291156395}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,729] Trial 443 finished with value: 8.282440802944908 and parameters: {'x': 2.084635187581866, 'y': 2.9245462877708213}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,730] Trial 444 finished with value: 8.144098982016738 and parameters: {'x': 2.170455647030789, 'y': 1.6684600849133298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,731] Trial 445 finished with value: 9.296643075908719 and parameters: {'x': 2.615662796561897, 'y': 1.6100294259063987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,732] Trial 446 finished with value: 9.19390522333622 and parameters: {'x': 2.710246886375865, 'y': 2.130858864690644}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,733] Trial 447 finished with value: 7.531965885725688 and parameters: {'x': 1.9211051500257048, 'y': 1.6758861594909447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,734] Trial 448 finished with value: 7.331382168303733 and parameters: {'x': 1.67953723621456, 'y': 1.3365870657098382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,735] Trial 449 finished with value: 9.116973692268562 and parameters: {'x': 1.820991457831393, 'y': 2.567164362724064}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,736] Trial 450 finished with value: 7.53338235239057 and parameters: {'x': 1.9203094803694931, 'y': 2.1793049604401054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,737] Trial 451 finished with value: 9.224526595418926 and parameters: {'x': 2.9455951435052024, 'y': 1.5139853696768606}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,738] Trial 452 finished with value: 9.223170573081077 and parameters: {'x': 2.8334166644240124, 'y': 2.20836504015143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,739] Trial 453 finished with value: 6.999654263756282 and parameters: {'x': 2.1589629880195247, 'y': 1.1846411930598055}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,740] Trial 454 finished with value: 9.474341672965183 and parameters: {'x': 2.3580782494123866, 'y': 2.279417077265129}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,741] Trial 455 finished with value: 9.253298623237097 and parameters: {'x': 2.253015026281642, 'y': 2.3185464367108874}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,742] Trial 456 finished with value: 8.602639781988247 and parameters: {'x': 2.275602548119463, 'y': 1.624827040663725}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,743] Trial 457 finished with value: 7.068551848614295 and parameters: {'x': 1.2603772254821308, 'y': 1.5837727142113327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,744] Trial 458 finished with value: 7.263162553099972 and parameters: {'x': 1.5488473138379997, 'y': 1.3364308979656776}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,745] Trial 459 finished with value: 5.765175900097962 and parameters: {'x': 1.1229934553422611, 'y': 1.2923904534654271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,746] Trial 460 finished with value: 8.572357997524358 and parameters: {'x': 1.257217475209221, 'y': 2.8270229736591785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,746] Trial 461 finished with value: 7.415567768970856 and parameters: {'x': 1.7180858011424407, 'y': 1.934051058822824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,747] Trial 462 finished with value: 9.803728923767403 and parameters: {'x': 2.5377612159072194, 'y': 2.2768073417972357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,748] Trial 463 finished with value: 9.955064351324634 and parameters: {'x': 2.3275460896894495, 'y': 2.5531141437345415}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,749] Trial 464 finished with value: 5.517910246875086 and parameters: {'x': 1.2201709091358888, 'y': 1.1594546254794982}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,750] Trial 465 finished with value: 8.061151142105938 and parameters: {'x': 2.024787757538992, 'y': 2.9274920965050972}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,751] Trial 466 finished with value: 9.397189288983204 and parameters: {'x': 2.1515716756798198, 'y': 2.5306991635013265}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,752] Trial 467 finished with value: 5.985517249850933 and parameters: {'x': 1.3849905711991588, 'y': 1.055927677523281}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,753] Trial 468 finished with value: 9.097225643154763 and parameters: {'x': 1.4351199031730522, 'y': 2.5454135155465614}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,754] Trial 469 finished with value: 7.349261704988377 and parameters: {'x': 1.35346191711857, 'y': 1.7546081296735883}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,755] Trial 470 finished with value: 9.272408270563856 and parameters: {'x': 2.875235831831837, 'y': 2.938171401114677}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,756] Trial 471 finished with value: 8.069162624819043 and parameters: {'x': 2.9184584255922643, 'y': 1.94201393085539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,757] Trial 472 finished with value: 8.81761865638411 and parameters: {'x': 2.4089709739522425, 'y': 1.8531264383292128}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,758] Trial 473 finished with value: 8.035542180154685 and parameters: {'x': 1.3427513767860373, 'y': 2.222036587264789}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,759] Trial 474 finished with value: 9.231385190851347 and parameters: {'x': 1.6136788146729355, 'y': 2.5427165815495023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,761] Trial 475 finished with value: 8.079791775891733 and parameters: {'x': 1.9125417091420505, 'y': 2.974755165461713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,762] Trial 476 finished with value: 8.341523743372877 and parameters: {'x': 2.5162039041844384, 'y': 1.1370628964009615}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,762] Trial 477 finished with value: 8.111643884158484 and parameters: {'x': 2.4774050077230263, 'y': 1.0731466336537492}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,763] Trial 478 finished with value: 7.5399208344987585 and parameters: {'x': 2.8345234456844723, 'y': 1.0193880363125856}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,764] Trial 479 finished with value: 4.433360827827819 and parameters: {'x': 1.0737285407959989, 'y': 1.1240856472950298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,765] Trial 480 finished with value: 6.96592599656371 and parameters: {'x': 1.917376657427001, 'y': 1.2967197922321945}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,766] Trial 481 finished with value: 6.482139651511581 and parameters: {'x': 1.0444818819023245, 'y': 2.176468521442921}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,767] Trial 482 finished with value: 9.11485254373537 and parameters: {'x': 2.048580208536864, 'y': 2.6071264572872}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,768] Trial 483 finished with value: 5.431608150828463 and parameters: {'x': 1.1894684017034052, 'y': 1.1771668066738374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,768] Trial 484 finished with value: 9.916633525227567 and parameters: {'x': 2.3771078699084693, 'y': 2.9920290455237555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,769] Trial 485 finished with value: 8.672783876245514 and parameters: {'x': 2.986832268951524, 'y': 1.2963533246316374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,770] Trial 486 finished with value: 8.304980857866417 and parameters: {'x': 1.8838423536074562, 'y': 2.293381683328426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,771] Trial 487 finished with value: 8.312468549380213 and parameters: {'x': 2.605279862637339, 'y': 1.104352806033127}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,772] Trial 488 finished with value: 5.853085423960124 and parameters: {'x': 1.8449842618430872, 'y': 1.072398768972538}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,773] Trial 489 finished with value: 10.386651371749663 and parameters: {'x': 2.6310189414260505, 'y': 2.6738996139987643}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,774] Trial 490 finished with value: 8.745469373890751 and parameters: {'x': 2.8645250632754204, 'y': 1.308649034603559}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,775] Trial 491 finished with value: 9.203342174566815 and parameters: {'x': 2.2366663140241325, 'y': 2.3220086289326023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,776] Trial 492 finished with value: 7.620833240361959 and parameters: {'x': 1.7828303566350192, 'y': 1.4731366108109194}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,777] Trial 493 finished with value: 6.443411611560421 and parameters: {'x': 1.087773688862931, 'y': 1.5288574048348782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,778] Trial 494 finished with value: 9.289432601334944 and parameters: {'x': 1.6649581758396033, 'y': 2.6842053451927765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,779] Trial 495 finished with value: 5.398308960090418 and parameters: {'x': 1.0066322310308962, 'y': 1.9593038112676802}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,780] Trial 496 finished with value: 7.862686650656634 and parameters: {'x': 2.8254045010036575, 'y': 1.112352158376197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,781] Trial 497 finished with value: 7.9200738443641665 and parameters: {'x': 2.408098570015621, 'y': 1.0761987677246792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,782] Trial 498 finished with value: 6.712922715771459 and parameters: {'x': 1.2761302578999503, 'y': 1.3688914376676131}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:12:38,783] Trial 499 finished with value: 10.186262582979126 and parameters: {'x': 2.4800498669245994, 'y': 2.842080919283535}. Best is trial 100 with value: 4.045505869420193.\n\u001b[2Kreading sources... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_edf\n:32: ExperimentalWarning:\n\nplot_edf is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:38,952] A new study created in memory with name: no-name-8833f3dc-1c26-49e9-9a26-7490e72acf32\n[I 2023-11-01 05:12:38,954] Trial 0 finished with values: [45.169714494977704, 15.12964570386523] and parameters: {'x': 2.87268143369479, 'y': 1.7435968582931298}. \n[I 2023-11-01 05:12:38,955] Trial 1 finished with values: [25.756908679676474, 27.05422025044104] and parameters: {'x': 2.4992586011908817, 'y': 0.43924209075692544}. \n[I 2023-11-01 05:12:38,955] Trial 2 finished with values: [103.50685066515666, 10.652571491096431] and parameters: {'x': 4.7787329573988995, 'y': 1.7436811601203739}. \n[I 2023-11-01 05:12:38,956] Trial 3 finished with values: [5.0551778484035355, 38.09863220323756] and parameters: {'x': 1.1038964055022142, 'y': 0.2126198203841182}. \n[I 2023-11-01 05:12:38,957] Trial 4 finished with values: [25.489054886577904, 21.03635260504048] and parameters: {'x': 2.0208926331862624, 'y': 1.5126984784741373}. \n[I 2023-11-01 05:12:38,958] Trial 5 finished with values: [30.760331988405333, 18.555477951978453] and parameters: {'x': 2.084198752115023, 'y': 1.8292617523972654}. \n[I 2023-11-01 05:12:38,959] Trial 6 finished with values: [83.53284869941609, 7.609261324346403] and parameters: {'x': 3.8214390927150257, 'y': 2.5059559923357364}. \n[I 2023-11-01 05:12:38,959] Trial 7 finished with values: [99.25143250560672, 5.070146281984628] and parameters: {'x': 3.9834363323647333, 'y': 2.990834852076972}. \n[I 2023-11-01 05:12:38,960] Trial 8 finished with values: [52.861786177022765, 12.217180819367897] and parameters: {'x': 2.2248509771985967, 'y': 2.8749755952901825}. \n[I 2023-11-01 05:12:38,961] Trial 9 finished with values: [64.09057746529551, 18.36553811264758] and parameters: {'x': 3.9103770774964994, 'y': 0.8553335478711305}. \n[I 2023-11-01 05:12:38,962] Trial 10 finished with values: [67.05225399048057, 9.237453297656703] and parameters: {'x': 3.205737907266357, 'y': 2.5468231127299865}. \n[I 2023-11-01 05:12:38,962] Trial 11 finished with values: [12.537866904627666, 29.070917298649455] and parameters: {'x': 0.8573489944489909, 'y': 1.5490059483017555}. \n[I 2023-11-01 05:12:38,963] Trial 12 finished with values: [12.185693729427843, 35.05095101333054] and parameters: {'x': 1.7445334372415071, 'y': 0.055013804661135146}. \n[I 2023-11-01 05:12:38,964] Trial 13 finished with values: [37.53226783998646, 20.08778827671165] and parameters: {'x': 2.8764854722479622, 'y': 1.0530423960805346}. \n[I 2023-11-01 05:12:38,965] Trial 14 finished with values: [89.58030061684133, 24.30314130344373] and parameters: {'x': 4.7317091357474865, 'y': 0.07748424932917353}. \n[I 2023-11-01 05:12:38,966] Trial 15 finished with values: [21.217084746220912, 22.756769769016245] and parameters: {'x': 1.6889053233212414, 'y': 1.5658448184326572}. \n[I 2023-11-01 05:12:38,967] Trial 16 finished with values: [21.268481870276993, 27.818860891853255] and parameters: {'x': 0.4984573127358938, 'y': 2.251368644835705}. \n[I 2023-11-01 05:12:38,967] Trial 17 finished with values: [79.19242506640799, 15.460313760877442] and parameters: {'x': 4.303572926173037, 'y': 1.130206324399419}. \n[I 2023-11-01 05:12:38,968] Trial 18 finished with values: [86.80687270567977, 6.072458167982788] and parameters: {'x': 3.569316548380451, 'y': 2.9936094524632644}. \n[I 2023-11-01 05:12:38,969] Trial 19 finished with values: [12.178891426504924, 30.58238147477038] and parameters: {'x': 1.6339687867423773, 'y': 0.6122653514432075}. \n[I 2023-11-01 05:12:38,970] Trial 20 finished with values: [0.31733143609192993, 46.41118035498498] and parameters: {'x': 0.2610482880615811, 'y': 0.1057669623422185}. \n[I 2023-11-01 05:12:38,971] Trial 21 finished with values: [29.12724660794914, 25.66308022659677] and parameters: {'x': 2.6493678435637236, 'y': 0.5125052989753277}. \n[I 2023-11-01 05:12:38,971] Trial 22 finished with values: [27.71284889052088, 19.733266274039757] and parameters: {'x': 1.785949594086567, 'y': 1.9335450007724793}. \n[I 2023-11-01 05:12:38,972] Trial 23 finished with values: [42.26050439559807, 15.1538112886538] and parameters: {'x': 1.914062910984028, 'y': 2.6270685700405436}. \n[I 2023-11-01 05:12:38,973] Trial 24 finished with values: [11.685939166937462, 34.072099142537425] and parameters: {'x': 0.18583591848043368, 'y': 1.6991026464392607}. \n[I 2023-11-01 05:12:38,974] Trial 25 finished with values: [107.61507154766356, 9.657541461868542] and parameters: {'x': 4.827489304446254, 'y': 1.8971333380584807}. \n[I 2023-11-01 05:12:38,974] Trial 26 finished with values: [5.471051905646751, 36.332834597658824] and parameters: {'x': 0.4071324177417063, 'y': 1.0963604201335801}. \n[I 2023-11-01 05:12:38,975] Trial 27 finished with values: [48.323062843851, 13.760046306648343] and parameters: {'x': 1.9653109474965929, 'y': 2.866760992934848}. \n[I 2023-11-01 05:12:38,976] Trial 28 finished with values: [97.78306024686843, 8.264112851172344] and parameters: {'x': 4.43729128252227, 'y': 2.1808739385322067}. \n[I 2023-11-01 05:12:38,977] Trial 29 finished with values: [12.671207185480704, 28.338786073532916] and parameters: {'x': 1.4480926109809744, 'y': 1.0348089613027518}. \n[I 2023-11-01 05:12:38,978] Trial 30 finished with values: [10.715506105265804, 35.44259245743667] and parameters: {'x': 0.08934119944939756, 'y': 1.6342872074385806}. \n[I 2023-11-01 05:12:38,979] Trial 31 finished with values: [97.31597313137043, 20.034492946785242] and parameters: {'x': 4.904420138176154, 'y': 0.5250298954295823}. \n[I 2023-11-01 05:12:38,979] Trial 32 finished with values: [24.41585046306151, 31.238978644516873] and parameters: {'x': 2.4705685287110937, 'y': 0.015929868413756543}. \n[I 2023-11-01 05:12:38,980] Trial 33 finished with values: [61.96384115960081, 14.844117103777208] and parameters: {'x': 3.6867785296405082, 'y': 1.3779057889717912}. \n[I 2023-11-01 05:12:38,981] Trial 34 finished with values: [27.985142683651848, 19.681077604768692] and parameters: {'x': 1.7350662836713826, 'y': 1.9964545229430444}. \n[I 2023-11-01 05:12:38,982] Trial 35 finished with values: [27.549943900653666, 20.283414371319545] and parameters: {'x': 1.5234498636158744, 'y': 2.136957296768513}. \n[I 2023-11-01 05:12:38,983] Trial 36 finished with values: [96.92311728760029, 7.088898418737329] and parameters: {'x': 4.276501045845978, 'y': 2.4376870444702963}. \n[I 2023-11-01 05:12:38,983] Trial 37 finished with values: [84.26060485678735, 13.08689659658139] and parameters: {'x': 4.357981127439276, 'y': 1.4398443343222693}. \n[I 2023-11-01 05:12:38,984] Trial 38 finished with values: [43.53533747358643, 25.300589136160774] and parameters: {'x': 3.2879693503592957, 'y': 0.27035517286428745}. \n[I 2023-11-01 05:12:38,985] Trial 39 finished with values: [87.21032061847414, 8.624880916558988] and parameters: {'x': 4.119476381171593, 'y': 2.198293542634362}. \n[I 2023-11-01 05:12:38,986] Trial 40 finished with values: [95.98013440846314, 23.503814925223914] and parameters: {'x': 4.8960813095452975, 'y': 0.15304055814389017}. \n[I 2023-11-01 05:12:38,987] Trial 41 finished with values: [69.65880479127154, 8.576059590175069] and parameters: {'x': 3.170812471257705, 'y': 2.7130516895065764}. \n[I 2023-11-01 05:12:38,987] Trial 42 finished with values: [36.15153299844577, 23.92899018091817] and parameters: {'x': 2.954342352795779, 'y': 0.5565469540735479}. \n[I 2023-11-01 05:12:38,988] Trial 43 finished with values: [0.3071352207214981, 46.18205167383906] and parameters: {'x': 0.17306735062849743, 'y': 0.21640586250563376}. \n[I 2023-11-01 05:12:38,989] Trial 44 finished with values: [26.655105636963388, 28.532610441377546] and parameters: {'x': 2.569950733404562, 'y': 0.24316586338176804}. \n[I 2023-11-01 05:12:38,990] Trial 45 finished with values: [33.71058820769623, 25.358300679722348] and parameters: {'x': 2.8699661275903505, 'y': 0.43696850962982037}. \n[I 2023-11-01 05:12:38,991] Trial 46 finished with values: [80.52426625739427, 7.043331749855067] and parameters: {'x': 3.4940594833971566, 'y': 2.8147139980521936}. \n[I 2023-11-01 05:12:38,991] Trial 47 finished with values: [105.7734588735897, 5.829325487331052] and parameters: {'x': 4.400084511344986, 'y': 2.6613194117616517}. \n[I 2023-11-01 05:12:38,992] Trial 48 finished with values: [75.96202203991298, 9.322021693038508] and parameters: {'x': 3.7544189070792866, 'y': 2.2124294746146873}. \n[I 2023-11-01 05:12:38,993] Trial 49 finished with values: [124.32724971748883, 4.989596953438197] and parameters: {'x': 4.837007535994343, 'y': 2.772214011599058}. \n\u001b[2Kreading sources... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_hypervolume_history\n:18: ExperimentalWarning:\n\nplot_hypervolume_history is experimental (supported from v3.3.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:39,659] A new study created in memory with name: no-name-7c61dabd-4780-440a-8b1a-5d697f088dfe\n[I 2023-11-01 05:12:39,663] Trial 0 finished with value: 0.0019136820148431557 and parameters: {'lr': 0.012169775677700537}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,667] Trial 1 finished with value: 0.9938688492959205 and parameters: {'lr': 1.2106198691436028e-05}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,671] Trial 2 finished with value: 0.1745378429868226 and parameters: {'lr': 0.0034244666391252923}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,675] Trial 3 finished with value: 0.006252957628893589 and parameters: {'lr': 0.009890438121030055}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,678] Trial 4 finished with value: 0.6055868994372475 and parameters: {'lr': 0.0009863431872330064}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,679] Trial 5 pruned. \n[I 2023-11-01 05:12:39,681] Trial 6 pruned. \n[I 2023-11-01 05:12:39,708] Trial 7 finished with value: 0.00348251977331975 and parameters: {'lr': 0.011018509458263562}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:12:39,709] Trial 8 pruned. \n[I 2023-11-01 05:12:39,710] Trial 9 pruned. \n[I 2023-11-01 05:12:39,744] Trial 10 finished with value: 2.8413318183320897e-13 and parameters: {'lr': 0.053753912442422704}. Best is trial 10 with value: 2.8413318183320897e-13.\n[I 2023-11-01 05:12:39,777] Trial 11 finished with value: 3.23351297854631e-20 and parameters: {'lr': 0.08097836606986637}. Best is trial 11 with value: 3.23351297854631e-20.\n[I 2023-11-01 05:12:39,811] Trial 12 finished with value: 1.5818620680169856e-23 and parameters: {'lr': 0.09336678872953223}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:12:39,844] Trial 13 finished with value: 8.701934191941001e-16 and parameters: {'lr': 0.06380854538856418}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:12:39,878] Trial 14 finished with value: 1.3380099081736585e-15 and parameters: {'lr': 0.0630691017367573}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:12:39,912] Trial 15 finished with value: 1.380974859858719e-22 and parameters: {'lr': 0.08988313704170887}. Best is trial 12 with value: 1.5818620680169856e-23.\n\u001b[2Kreading sources... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_intermediate_values\n:33: ExperimentalWarning:\n\nplot_intermediate_values is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:40,274] A new study created in memory with name: no-name-31ce7d4c-cfc9-4d3c-8317-3ae77dbf05c1\n[I 2023-11-01 05:12:40,275] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:12:40,276] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,277] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,278] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,279] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,280] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,280] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,281] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,282] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,283] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_optimization_history\n:14: ExperimentalWarning:\n\nplot_optimization_history is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:40,531] A new study created in memory with name: no-name-5121bb6e-aea5-49a3-9198-1021465b7311\n[I 2023-11-01 05:12:40,532] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:12:40,533] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,534] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,534] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,535] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,536] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,537] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,538] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,538] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:40,539] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_parallel_coordinate\n:13: ExperimentalWarning:\n\nplot_parallel_coordinate is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:40,796] A new study created in memory with name: no-name-07b413f8-fa04-4a58-be41-193b1ae6ac71\n[I 2023-11-01 05:12:40,798] Trial 0 finished with value: 2.303288077753039 and parameters: {'x': 2, 'y': -0.958496101281197, 'z': 0.9504723523894132}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:12:40,799] Trial 1 finished with value: 3.987072181809778 and parameters: {'x': 2, 'y': -0.0029859753948191514, 'z': 0.3371949682962715}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:12:40,800] Trial 2 finished with value: 0.1373303052750334 and parameters: {'x': 0, 'y': 0.5210614243979175, 'z': 0.2536662548438032}. Best is trial 2 with value: 0.1373303052750334.\n[I 2023-11-01 05:12:40,801] Trial 3 finished with value: -4.131719919585369 and parameters: {'x': 0, 'y': 0.3707196367355945, 'z': 1.4300900192924049}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,802] Trial 4 finished with value: -2.2075688995928044 and parameters: {'x': 0, 'y': 0.024384526771553228, 'z': 1.2189314424781703}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,803] Trial 5 finished with value: 1.0504976105266983 and parameters: {'x': 1, 'y': 0.4435106348635991, 'z': 0.43781410225594974}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,804] Trial 6 finished with value: 3.6403994820820413 and parameters: {'x': 2, 'y': 0.42915156679538113, 'z': 0.8138165520168918}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,805] Trial 7 finished with value: -1.0618155340386866 and parameters: {'x': 0, 'y': -0.2533184798970616, 'z': 1.011200422599518}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,805] Trial 8 finished with value: 0.26036828149432933 and parameters: {'x': 1, 'y': -0.13197201333341257, 'z': 0.9266504677039757}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,806] Trial 9 finished with value: 0.3665588473301721 and parameters: {'x': 1, 'y': 0.30079436386293446, 'z': 0.9015584301068166}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,807] Trial 10 finished with value: 0.5490457030167408 and parameters: {'x': 2, 'y': 0.043294304787268256, 'z': 1.3629733212130024}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,808] Trial 11 finished with value: -0.5909072245888702 and parameters: {'x': 0, 'y': -0.8190813014581853, 'z': 0.45105008495430504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,809] Trial 12 finished with value: 0.28403878205829847 and parameters: {'x': 0, 'y': 0.6573626526153533, 'z': 0.07034447908387464}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,810] Trial 13 finished with value: -1.2800539009325118 and parameters: {'x': 1, 'y': 0.09517231183848707, 'z': 1.228930493505103}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,811] Trial 14 finished with value: 0.28612245684320287 and parameters: {'x': 0, 'y': 0.7137006049154664, 'z': 0.5274789591481319}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,812] Trial 15 finished with value: 0.8413984238191299 and parameters: {'x': 2, 'y': -0.4080765862406426, 'z': 1.3259047193417794}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,813] Trial 16 finished with value: -0.4209059689419605 and parameters: {'x': 0, 'y': -0.669968204561703, 'z': 0.5887938659198809}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,814] Trial 17 finished with value: 0.2622281285098704 and parameters: {'x': 0, 'y': 0.6422113156738569, 'z': 0.2267280294638458}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,815] Trial 18 finished with value: -3.1150676084049143 and parameters: {'x': 1, 'y': 0.8885214244776023, 'z': 1.4814382123528085}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,816] Trial 19 finished with value: 1.2572674813923508 and parameters: {'x': 1, 'y': 0.6522456876854796, 'z': 0.377061201310589}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,817] Trial 20 finished with value: 1.109576126625988 and parameters: {'x': 1, 'y': 0.8056635206632548, 'z': 0.8018369232027226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,818] Trial 21 finished with value: 0.13525979446250405 and parameters: {'x': 1, 'y': -0.9214364655492253, 'z': 0.5357726379518044}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,819] Trial 22 finished with value: -0.11946269307197326 and parameters: {'x': 0, 'y': -0.38908016331436346, 'z': 0.496078967973198}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,820] Trial 23 finished with value: 3.048844180430364 and parameters: {'x': 2, 'y': -0.9200815826200455, 'z': 0.6442382676474575}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,821] Trial 24 finished with value: -0.052504516247150426 and parameters: {'x': 0, 'y': 0.27298228613508924, 'z': 0.5195207251200495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,821] Trial 25 finished with value: -1.2792692674509083 and parameters: {'x': 0, 'y': 0.759830349035832, 'z': 1.1448608807155216}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,822] Trial 26 finished with value: 3.314670809360776 and parameters: {'x': 2, 'y': -0.16498171232146608, 'z': 0.9083663465906351}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,823] Trial 27 finished with value: 0.9835588143169801 and parameters: {'x': 1, 'y': 0.1956732959259473, 'z': 0.3933234916979254}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,824] Trial 28 finished with value: -0.8979185222841687 and parameters: {'x': 0, 'y': -0.9492004358997879, 'z': 0.45459384097655214}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,825] Trial 29 finished with value: -0.5162192525906403 and parameters: {'x': 0, 'y': 0.11515637732528838, 'z': 0.8482605298322513}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,826] Trial 30 finished with value: 0.9287478215836122 and parameters: {'x': 1, 'y': -0.4144040474209818, 'z': 0.09637659104223667}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,827] Trial 31 finished with value: 3.6629941314557772 and parameters: {'x': 2, 'y': -0.3205843127242727, 'z': 0.7425729463236814}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,828] Trial 32 finished with value: 3.9463906776735107 and parameters: {'x': 2, 'y': -0.11845235019866696, 'z': 0.4774092082184268}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,829] Trial 33 finished with value: -1.6881011620090576 and parameters: {'x': 1, 'y': 0.156272859764935, 'z': 1.2809006257507296}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,830] Trial 34 finished with value: -1.893044916603758 and parameters: {'x': 0, 'y': -0.07093838444133493, 'z': 1.1729236779287227}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,831] Trial 35 finished with value: 4.005082765391397 and parameters: {'x': 2, 'y': 0.1720439601063517, 'z': 0.05564161985161181}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,832] Trial 36 finished with value: 0.9611598377675362 and parameters: {'x': 1, 'y': 0.12638136898549002, 'z': 0.44959480863684426}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,833] Trial 37 finished with value: 1.0385066437780113 and parameters: {'x': 1, 'y': 0.34693385056944104, 'z': 0.23879060006714026}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,834] Trial 38 finished with value: -0.03481869624869508 and parameters: {'x': 0, 'y': -0.32436822587064107, 'z': 0.16209565916917884}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,835] Trial 39 finished with value: 0.36926790170369916 and parameters: {'x': 0, 'y': 0.7716541923354114, 'z': 0.5480474568211737}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,837] Trial 40 finished with value: 0.12812115659454607 and parameters: {'x': 0, 'y': 0.5049923404372056, 'z': 0.16031937659035372}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,838] Trial 41 finished with value: 3.3512758155964324 and parameters: {'x': 2, 'y': -0.060429413119011066, 'z': 0.8973835069186638}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,839] Trial 42 finished with value: -1.128945814699914 and parameters: {'x': 0, 'y': -0.6319303558136975, 'z': 0.9676081897023627}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,840] Trial 43 finished with value: -0.5652914601075866 and parameters: {'x': 0, 'y': -0.5027749843944611, 'z': 0.8136127743420063}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,841] Trial 44 finished with value: -3.6754171752298412 and parameters: {'x': 0, 'y': -0.23717693019073582, 'z': 1.3833491803553195}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,842] Trial 45 finished with value: 3.5923565401224673 and parameters: {'x': 2, 'y': 0.1334998491499999, 'z': 0.800206327483504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,843] Trial 46 finished with value: 0.3273232510679114 and parameters: {'x': 0, 'y': 0.9557985268040099, 'z': 0.8595433560497787}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,844] Trial 47 finished with value: 1.0025147792970173 and parameters: {'x': 2, 'y': 0.12311472055273787, 'z': 1.316002862347402}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,845] Trial 48 finished with value: 1.0704131899221963 and parameters: {'x': 1, 'y': 0.41769965273791043, 'z': 0.22280017703468785}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,846] Trial 49 finished with value: 1.0577053447123854 and parameters: {'x': 1, 'y': 0.38778013268482336, 'z': 0.15692961678427975}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,847] Trial 50 finished with value: 0.3680190757085285 and parameters: {'x': 1, 'y': -0.6675957045909326, 'z': 0.7604679438960711}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,848] Trial 51 finished with value: 1.3747495993933643 and parameters: {'x': 2, 'y': -0.8197865305511229, 'z': 1.2001031260412178}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,849] Trial 52 finished with value: 0.9979094500663931 and parameters: {'x': 1, 'y': 0.1786954233612148, 'z': 0.29715098582440336}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,850] Trial 53 finished with value: 0.9319764488693013 and parameters: {'x': 1, 'y': -0.4081924755583253, 'z': 0.05633651391251654}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,851] Trial 54 finished with value: -1.5592042740852488 and parameters: {'x': 0, 'y': -0.09378999959753309, 'z': 1.1172961154251015}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,852] Trial 55 finished with value: 0.9838292684588362 and parameters: {'x': 1, 'y': -0.22977280086902696, 'z': 0.2521091962989279}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,853] Trial 56 finished with value: 2.1076623237986754 and parameters: {'x': 2, 'y': 0.19810359492298524, 'z': 1.1740722273674566}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,854] Trial 57 finished with value: 2.1246831699758735 and parameters: {'x': 2, 'y': 0.20632595172406965, 'z': 1.1715909259354231}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,855] Trial 58 finished with value: -1.4840880698467611 and parameters: {'x': 1, 'y': -0.95766961765569, 'z': 1.1256969157312366}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,856] Trial 59 finished with value: -0.3515250197672625 and parameters: {'x': 0, 'y': -0.08297158752545397, 'z': 0.7696840615983677}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,857] Trial 60 finished with value: 1.3220296764593489 and parameters: {'x': 1, 'y': 0.6887715890786952, 'z': 0.2622208422331791}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,858] Trial 61 finished with value: -1.2007575031405602 and parameters: {'x': 0, 'y': 0.6975281436224643, 'z': 1.1140118659491511}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,859] Trial 62 finished with value: 0.994468973365035 and parameters: {'x': 1, 'y': -0.1662031859012445, 'z': 0.1750942664204449}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,860] Trial 63 finished with value: -0.8620345557039887 and parameters: {'x': 1, 'y': -0.8106819185126939, 'z': 1.0737463091269712}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,861] Trial 64 finished with value: -0.7521010442890089 and parameters: {'x': 0, 'y': -0.588099483262055, 'z': 0.8606643471768032}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,862] Trial 65 finished with value: -2.080632890204889 and parameters: {'x': 0, 'y': 0.3114534854291964, 'z': 1.2053525216148295}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,864] Trial 66 finished with value: -1.7527509150220157 and parameters: {'x': 1, 'y': -0.8131192461124659, 'z': 1.2199741255062062}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,865] Trial 67 finished with value: 1.1629406477988748 and parameters: {'x': 2, 'y': -0.2131617751269692, 'z': 1.2967187907029298}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,866] Trial 68 finished with value: -1.5100225453807168 and parameters: {'x': 1, 'y': -0.48539422558999235, 'z': 1.2441028797408538}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,868] Trial 69 finished with value: 3.1274555273715547 and parameters: {'x': 2, 'y': 0.015201816109918775, 'z': 0.9664899225621255}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,869] Trial 70 finished with value: -3.911644822917701 and parameters: {'x': 0, 'y': 0.7914178974071162, 'z': 1.4489193772617226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,870] Trial 71 finished with value: 0.34386198109125343 and parameters: {'x': 0, 'y': 0.7311052364545663, 'z': 0.46542556041017846}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,871] Trial 72 finished with value: -0.7388007953082896 and parameters: {'x': 0, 'y': -0.9016096844525427, 'z': 0.27694025702139824}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,872] Trial 73 finished with value: -3.6407063057001596 and parameters: {'x': 0, 'y': -0.4850491531909138, 'z': 1.370372597356012}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,873] Trial 74 finished with value: -1.5826031648960468 and parameters: {'x': 1, 'y': -0.7395764210408102, 'z': 1.2148374981002679}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,875] Trial 75 finished with value: -2.589088162728826 and parameters: {'x': 1, 'y': -0.9511347100336718, 'z': 1.2852465639416288}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,876] Trial 76 finished with value: -0.007960371974823174 and parameters: {'x': 0, 'y': 0.4182119281439811, 'z': 0.533658514235495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,877] Trial 77 finished with value: 3.9028308169237502 and parameters: {'x': 2, 'y': 0.6892377222877011, 'z': 0.8072212757099377}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,878] Trial 78 finished with value: 0.46670116449600285 and parameters: {'x': 1, 'y': -0.7549800371251603, 'z': 0.5664628778611204}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,879] Trial 79 finished with value: -2.2015513126587933 and parameters: {'x': 1, 'y': 0.022417292570930725, 'z': 1.3376438549035414}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,880] Trial 80 finished with value: -2.013616301607068 and parameters: {'x': 0, 'y': -0.207116242243099, 'z': 1.189909849541421}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,881] Trial 81 finished with value: -1.7738059712887448 and parameters: {'x': 1, 'y': -0.6302649000181753, 'z': 1.2603709741325857}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:12:40,882] Trial 82 finished with value: -4.523011054108479 and parameters: {'x': 1, 'y': -0.8798995888983607, 'z': 1.4833754612943018}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:12:40,883] Trial 83 finished with value: -0.08079888724155815 and parameters: {'x': 0, 'y': 0.22940342596033925, 'z': 0.5520400212531891}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:12:40,884] Trial 84 finished with value: 1.7141266522072458 and parameters: {'x': 2, 'y': 0.25512370541125784, 'z': 1.2318247142973906}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:12:40,885] Trial 85 finished with value: -0.7520872270920254 and parameters: {'x': 0, 'y': -0.4504097368144626, 'z': 0.901577836698765}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:12:40,886] Trial 86 finished with value: 4.046893464626376 and parameters: {'x': 2, 'y': 0.41459261868287456, 'z': 0.3951047474351363}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:12:40,887] Trial 87 finished with value: -4.571964349495191 and parameters: {'x': 0, 'y': -0.08255154162027267, 'z': 1.4622187490950038}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,888] Trial 88 finished with value: 3.769073758442562 and parameters: {'x': 2, 'y': -0.6134925354270779, 'z': 0.0701088407420925}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,890] Trial 89 finished with value: 1.9906707709215672 and parameters: {'x': 2, 'y': 0.7172980309368531, 'z': 1.2418547636228567}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,891] Trial 90 finished with value: 0.20579475832853023 and parameters: {'x': 2, 'y': 0.1978728981453497, 'z': 1.3963737537716272}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,892] Trial 91 finished with value: -0.5572192676601909 and parameters: {'x': 0, 'y': -0.7720793824906156, 'z': 0.5580433532607516}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,893] Trial 92 finished with value: 3.115262529317084 and parameters: {'x': 2, 'y': -0.3577159370700811, 'z': 0.9570526220169401}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,894] Trial 93 finished with value: -0.06522562849929504 and parameters: {'x': 0, 'y': 0.08693007694983201, 'z': 0.5066319703277753}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,895] Trial 94 finished with value: 4.574547370310522 and parameters: {'x': 2, 'y': 0.8814140769664465, 'z': 0.5761827737303541}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,896] Trial 95 finished with value: 1.5015652459171465 and parameters: {'x': 1, 'y': 0.7945598896386961, 'z': 0.08823355215277057}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,897] Trial 96 finished with value: 0.5950628609995365 and parameters: {'x': 1, 'y': -0.7396489187381752, 'z': 0.13045411338692636}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,898] Trial 97 finished with value: 3.3511994815140613 and parameters: {'x': 2, 'y': -0.3908532893067598, 'z': 0.8760838088329035}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,899] Trial 98 finished with value: 3.781443021265078 and parameters: {'x': 2, 'y': 0.7615841212270811, 'z': 0.9014313108685146}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:12:40,900] Trial 99 finished with value: 0.26309303070193535 and parameters: {'x': 1, 'y': -0.8867435943237876, 'z': 0.44622614546388273}. Best is trial 87 with value: -4.571964349495191.\n\u001b[2Kreading sources... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_param_importances\n:15: ExperimentalWarning:\n\nplot_param_importances is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:42,364] A new study created in memory with name: no-name-1362a300-651e-46eb-92f6-23b3914481c0\n[I 2023-11-01 05:12:42,366] Trial 0 finished with values: [15.25165856112849, 28.813249324190714] and parameters: {'x': 0.6634688539188938, 'y': 1.8364976776902475}. \n[I 2023-11-01 05:12:42,367] Trial 1 finished with values: [69.75296535214818, 10.93702391365448] and parameters: {'x': 3.6842184486897245, 'y': 1.965903293748532}. \n[I 2023-11-01 05:12:42,367] Trial 2 finished with values: [10.811581118299692, 29.537516855042078] and parameters: {'x': 1.0589676326754254, 'y': 1.257570209777859}. \n[I 2023-11-01 05:12:42,368] Trial 3 finished with values: [24.77319184521251, 21.99513979338196] and parameters: {'x': 1.2941388313157876, 'y': 2.1256769854763293}. \n[I 2023-11-01 05:12:42,369] Trial 4 finished with values: [46.646347353178356, 18.521997680666505] and parameters: {'x': 3.242443891856529, 'y': 1.0715150239062796}. \n[I 2023-11-01 05:12:42,370] Trial 5 finished with values: [84.70644850822087, 6.953513925074205] and parameters: {'x': 3.7372634605659356, 'y': 2.6850463596321656}. \n[I 2023-11-01 05:12:42,371] Trial 6 finished with values: [22.94369547646535, 30.38779037159412] and parameters: {'x': 2.390635171237225, 'y': 0.1441781785149968}. \n[I 2023-11-01 05:12:42,372] Trial 7 finished with values: [100.87880968896226, 12.039412157929462] and parameters: {'x': 4.780889513458722, 'y': 1.5371395129723884}. \n[I 2023-11-01 05:12:42,372] Trial 8 finished with values: [107.64403022296533, 5.243150477240941] and parameters: {'x': 4.3674843232765035, 'y': 2.7993013845735355}. \n[I 2023-11-01 05:12:42,373] Trial 9 finished with values: [46.63041716490694, 27.113505428154] and parameters: {'x': 3.4140852678829905, 'y': 0.04032461842428303}. \n[I 2023-11-01 05:12:42,374] Trial 10 finished with values: [55.50791890042942, 17.78896033787734] and parameters: {'x': 3.5804205753862095, 'y': 1.0283813633367918}. \n[I 2023-11-01 05:12:42,375] Trial 11 finished with values: [3.5916828766409012, 38.89942975591886] and parameters: {'x': 0.8983385158188301, 'y': 0.30151058050530666}. \n[I 2023-11-01 05:12:42,376] Trial 12 finished with values: [26.312846565524644, 20.446526821839278] and parameters: {'x': 1.9658299660179797, 'y': 1.6473385159362084}. \n[I 2023-11-01 05:12:42,377] Trial 13 finished with values: [116.39194935933098, 4.301159261477542] and parameters: {'x': 4.489894697663484, 'y': 2.9897881101720363}. \n[I 2023-11-01 05:12:42,378] Trial 14 finished with values: [67.22012812736449, 10.353747419015608] and parameters: {'x': 3.482599971965171, 'y': 2.1625284893173804}. \n[I 2023-11-01 05:12:42,379] Trial 15 finished with values: [6.8934857319614276, 36.54950199714271] and parameters: {'x': 0.22383841445927644, 'y': 1.2935485291254882}. \n[I 2023-11-01 05:12:42,380] Trial 16 finished with values: [24.044895825158367, 21.87746842556638] and parameters: {'x': 2.0113659864016715, 'y': 1.4020095666706496}. \n[I 2023-11-01 05:12:42,380] Trial 17 finished with values: [81.55706985664897, 10.162010057787526] and parameters: {'x': 4.0726485977959435, 'y': 1.9500771428415284}. \n[I 2023-11-01 05:12:42,381] Trial 18 finished with values: [28.451959830785857, 27.613540934246515] and parameters: {'x': 0.29983363080682446, 'y': 2.650111271538171}. \n[I 2023-11-01 05:12:42,382] Trial 19 finished with values: [45.512740539116464, 15.62019568359409] and parameters: {'x': 2.9621461417039034, 'y': 1.613652803414599}. \n[I 2023-11-01 05:12:42,383] Trial 20 finished with values: [27.274774011439256, 21.7709561775863] and parameters: {'x': 1.1705904909084475, 'y': 2.334183241618904}. \n[I 2023-11-01 05:12:42,384] Trial 21 finished with values: [58.063418039904136, 10.88600513260744] and parameters: {'x': 2.9413489569342657, 'y': 2.4216359808025936}. \n[I 2023-11-01 05:12:42,385] Trial 22 finished with values: [97.94050921096357, 8.344549851174609] and parameters: {'x': 4.449886557202191, 'y': 2.164171187954437}. \n[I 2023-11-01 05:12:42,386] Trial 23 finished with values: [37.874599437542784, 17.69029030328953] and parameters: {'x': 1.4800283230259499, 'y': 2.697807632583667}. \n[I 2023-11-01 05:12:42,387] Trial 24 finished with values: [67.66314049213105, 8.80929697236489] and parameters: {'x': 3.035641898712118, 'y': 2.7750069163546693}. \n[I 2023-11-01 05:12:42,388] Trial 25 finished with values: [58.83076071344878, 11.346510176214428] and parameters: {'x': 3.153142767231233, 'y': 2.1829752329835435}. \n[I 2023-11-01 05:12:42,388] Trial 26 finished with values: [70.42290655956856, 8.506437005544525] and parameters: {'x': 3.221513223479186, 'y': 2.6884157399555755}. \n[I 2023-11-01 05:12:42,389] Trial 27 finished with values: [27.537257010588057, 27.41342275214466] and parameters: {'x': 2.600852657022915, 'y': 0.34623649302732085}. \n[I 2023-11-01 05:12:42,390] Trial 28 finished with values: [74.88177949333578, 18.421666771164425] and parameters: {'x': 4.257151504144183, 'y': 0.7727263060727689}. \n[I 2023-11-01 05:12:42,391] Trial 29 finished with values: [57.10535724106288, 11.048483865329231] and parameters: {'x': 2.8962505312526163, 'y': 2.4265350132410326}. \n[I 2023-11-01 05:12:42,392] Trial 30 finished with values: [49.432694553340866, 13.973534272161931] and parameters: {'x': 2.9905493080428918, 'y': 1.8479146285744368}. \n[I 2023-11-01 05:12:42,393] Trial 31 finished with values: [25.602161012646206, 27.991784870904844] and parameters: {'x': 0.3329513688951008, 'y': 2.50792416933057}. \n[I 2023-11-01 05:12:42,394] Trial 32 finished with values: [23.350807470886508, 21.709072955185814] and parameters: {'x': 1.6231088482304357, 'y': 1.7897540430231458}. \n[I 2023-11-01 05:12:42,395] Trial 33 finished with values: [40.345438207293114, 15.905409157729654] and parameters: {'x': 1.8049573916413553, 'y': 2.6131376477680073}. \n[I 2023-11-01 05:12:42,396] Trial 34 finished with values: [46.67453180961124, 16.33452190740273] and parameters: {'x': 3.1011888747918084, 'y': 1.4322222297081997}. \n[I 2023-11-01 05:12:42,397] Trial 35 finished with values: [31.78115383893886, 23.210270180432577] and parameters: {'x': 0.7588242844530957, 'y': 2.7146775434771184}. \n[I 2023-11-01 05:12:42,397] Trial 36 finished with values: [29.87943389703291, 20.435855913167934] and parameters: {'x': 2.404995594231501, 'y': 1.2984046618775282}. \n[I 2023-11-01 05:12:42,398] Trial 37 finished with values: [82.23137096888479, 9.571565319216884] and parameters: {'x': 4.039569538299606, 'y': 2.0590582040008254}. \n[I 2023-11-01 05:12:42,399] Trial 38 finished with values: [17.172388329921844, 25.462357035128612] and parameters: {'x': 1.1797744915963082, 'y': 1.7032995131388766}. \n[I 2023-11-01 05:12:42,400] Trial 39 finished with values: [5.092296427278509, 35.410526087791254] and parameters: {'x': 0.87964895473925, 'y': 0.7066058471635881}. \n[I 2023-11-01 05:12:42,401] Trial 40 finished with values: [19.50355698307945, 25.58958846059776] and parameters: {'x': 0.9223500139239432, 'y': 2.006280064593267}. \n[I 2023-11-01 05:12:42,402] Trial 41 finished with values: [22.77274224028932, 21.952955681866147] and parameters: {'x': 1.6628247320213918, 'y': 1.711198255799227}. \n[I 2023-11-01 05:12:42,403] Trial 42 finished with values: [40.041253429676594, 18.648198683847] and parameters: {'x': 1.2148206974596176, 'y': 2.9213907698975974}. \n[I 2023-11-01 05:12:42,404] Trial 43 finished with values: [97.17250494199376, 17.342679433967707] and parameters: {'x': 4.857044581932612, 'y': 0.8380000982204621}. \n[I 2023-11-01 05:12:42,404] Trial 44 finished with values: [78.5954682421041, 13.941474834670439] and parameters: {'x': 4.2227803593915, 'y': 1.3479588631940587}. \n[I 2023-11-01 05:12:42,405] Trial 45 finished with values: [103.27219972717161, 12.450828763800269] and parameters: {'x': 4.862619943432618, 'y': 1.4741021733666455}. \n[I 2023-11-01 05:12:42,406] Trial 46 finished with values: [12.659093931548314, 30.50067771295368] and parameters: {'x': 0.5870970621534538, 'y': 1.679312514839886}. \n[I 2023-11-01 05:12:42,407] Trial 47 finished with values: [102.41129373346823, 10.707980934741007] and parameters: {'x': 4.752409282953863, 'y': 1.7370749669087417}. \n[I 2023-11-01 05:12:42,408] Trial 48 finished with values: [42.71265145261225, 14.667252965925135] and parameters: {'x': 2.5163506330056586, 'y': 2.084740356717134}. \n[I 2023-11-01 05:12:42,409] Trial 49 finished with values: [2.7876332593969875, 39.94019109985055] and parameters: {'x': 0.7811191201740064, 'y': 0.29455260132586325}. \n\u001b[2Kreading sources... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_pareto_front\n:16: ExperimentalWarning:\n\nplot_pareto_front is experimental (supported from v2.8.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:345: ExperimentalWarning:\n\nThe ``constraints_func`` option is an experimental feature. The interface can change in the future.\n\n[I 2023-11-01 05:12:42,611] A new study created in memory with name: no-name-bb0938ce-beb7-4918-aafc-97bf4ac8d7be\n[I 2023-11-01 05:12:42,612] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:12:42,613] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,614] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,615] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,616] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,617] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,618] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,619] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,620] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,621] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,628] Trial 10 finished with value: 6552.967716339579 and parameters: {'x': 80.95040281764865, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,634] Trial 11 finished with value: 1581.6759383724113 and parameters: {'x': 39.770289644059815, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,641] Trial 12 finished with value: 1028.2507682929152 and parameters: {'x': 32.06634946938792, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,648] Trial 13 finished with value: 9734.833587691272 and parameters: {'x': 98.6652602879619, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,655] Trial 14 finished with value: 332.07882979888785 and parameters: {'x': 18.223030203533327, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,661] Trial 15 finished with value: 565.7705064178704 and parameters: {'x': -23.80694239959996, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,668] Trial 16 finished with value: 213.03950442172223 and parameters: {'x': -14.63008900935747, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,676] Trial 17 finished with value: 641.5871135168867 and parameters: {'x': -25.34930203214453, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,682] Trial 18 finished with value: 1368.8316914198415 and parameters: {'x': -37.01123736677607, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,689] Trial 19 finished with value: 1159.0046483066578 and parameters: {'x': -34.05884097127584, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,696] Trial 20 finished with value: 1280.35318886121 and parameters: {'x': -35.795994033707316, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,703] Trial 21 finished with value: 267.4820201738229 and parameters: {'x': -16.385420964193226, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,710] Trial 22 finished with value: 273.55651795948256 and parameters: {'x': 16.569747069870516, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,717] Trial 23 finished with value: 0.5264659525593145 and parameters: {'x': -1.2355023077919824, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,724] Trial 24 finished with value: 708.8376961830706 and parameters: {'x': 26.642779438021677, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,731] Trial 25 finished with value: 746.543499314302 and parameters: {'x': -27.34124172956126, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,738] Trial 26 finished with value: 2096.0943980014476 and parameters: {'x': -45.79404325893759, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,745] Trial 27 finished with value: 2693.8946162727752 and parameters: {'x': -51.9123744041127, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,751] Trial 28 finished with value: 533.2215173103497 and parameters: {'x': -23.113232515387146, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:12:42,758] Trial 29 finished with value: 383.4698273179495 and parameters: {'x': -19.556835820703448, 'y': 1}. Best is trial 23 with value: 0.5264659525593145.\n:22: ExperimentalWarning:\n\nplot_rank is experimental (supported from v3.2.0). The interface can change in the future.\n\n[W 2023-11-01 05:12:42,759] Output figures of this Matplotlib-based `plot_rank` function would be different from those of the Plotly-based `plot_rank`.\n\u001b[2Kreading sources... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_rank\n[I 2023-11-01 05:12:42,988] A new study created in memory with name: no-name-98c7b83f-1607-46c7-97b6-0bba06412927\n[I 2023-11-01 05:12:42,989] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:12:42,990] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,991] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,992] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,992] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,993] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,994] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,995] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,996] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:12:42,996] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 81%] reference/visualization/generated/optuna.visualization.matplotlib.plot_slice\n:14: ExperimentalWarning:\n\nplot_slice is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:12:43,239] A new study created in memory with name: no-name-fdeb4d57-e90f-4e57-9b06-8e8dbfdc116e\n[I 2023-11-01 05:12:43,489] Trial 0 finished with value: 0.9831746031746033 and parameters: {'reg_alpha': 0.0004989627005021362, 'reg_lambda': 0.0001340079768036678, 'num_leaves': 245, 'colsample_bytree': 0.5639517570152723, 'subsample': 0.515273719985223, 'subsample_freq': 7, 'min_child_samples': 24}. Best is trial 0 with value: 0.9831746031746033.\n[I 2023-11-01 05:12:43,644] Trial 1 finished with value: 0.971904761904762 and parameters: {'reg_alpha': 0.1773301958494506, 'reg_lambda': 0.21241910181124352, 'num_leaves': 228, 'colsample_bytree': 0.47686039975387623, 'subsample': 0.9285500732940954, 'subsample_freq': 4, 'min_child_samples': 25}. Best is trial 1 with value: 0.971904761904762.\n[I 2023-11-01 05:12:43,685] Trial 2 finished with value: 0.39999999999999997 and parameters: {'reg_alpha': 1.2845595727016514e-06, 'reg_lambda': 0.00010308638388944868, 'num_leaves': 119, 'colsample_bytree': 0.8045240681366516, 'subsample': 0.7462520902094865, 'subsample_freq': 2, 'min_child_samples': 98}. Best is trial 2 with value: 0.39999999999999997.\n[I 2023-11-01 05:12:43,828] Trial 3 finished with value: 0.9888888888888889 and parameters: {'reg_alpha': 0.0003999956901742235, 'reg_lambda': 3.2854616735249914e-05, 'num_leaves': 221, 'colsample_bytree': 0.8095767177424433, 'subsample': 0.963301174767533, 'subsample_freq': 2, 'min_child_samples': 44}. Best is trial 2 with value: 0.39999999999999997.\n[I 2023-11-01 05:12:43,898] Trial 4 finished with value: 0.8877777777777778 and parameters: {'reg_alpha': 1.4611223076842106e-07, 'reg_lambda': 6.52495718234125e-07, 'num_leaves': 105, 'colsample_bytree': 0.7892580823460396, 'subsample': 0.6178789085381777, 'subsample_freq': 5, 'min_child_samples': 50}. Best is trial 2 with value: 0.39999999999999997.\n[I 2023-11-01 05:12:43,939] Trial 5 finished with value: 0.3996825396825397 and parameters: {'reg_alpha': 3.5190938016565096e-07, 'reg_lambda': 0.047537360582616865, 'num_leaves': 20, 'colsample_bytree': 0.5032823313197803, 'subsample': 0.7077351488253056, 'subsample_freq': 2, 'min_child_samples': 96}. Best is trial 5 with value: 0.3996825396825397.\n[I 2023-11-01 05:12:43,979] Trial 6 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 0.00030362745740210014, 'reg_lambda': 8.346647566700228e-08, 'num_leaves': 224, 'colsample_bytree': 0.9159183234506485, 'subsample': 0.7862819530518422, 'subsample_freq': 6, 'min_child_samples': 93}. Best is trial 6 with value: 0.3985714285714286.\n[I 2023-11-01 05:12:44,099] Trial 7 finished with value: 0.9720634920634922 and parameters: {'reg_alpha': 0.012701572280528, 'reg_lambda': 1.2996658140863488e-07, 'num_leaves': 220, 'colsample_bytree': 0.7451785607660331, 'subsample': 0.5651556251221458, 'subsample_freq': 6, 'min_child_samples': 33}. Best is trial 6 with value: 0.3985714285714286.\n[I 2023-11-01 05:12:44,143] Trial 8 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 0.0055075391430219785, 'reg_lambda': 1.4728663564805908, 'num_leaves': 192, 'colsample_bytree': 0.8691141753082686, 'subsample': 0.6765491265984891, 'subsample_freq': 7, 'min_child_samples': 81}. Best is trial 6 with value: 0.3985714285714286.\n[I 2023-11-01 05:12:44,248] Trial 9 finished with value: 0.9603174603174605 and parameters: {'reg_alpha': 1.7767877046321394e-08, 'reg_lambda': 5.6273923611910045e-05, 'num_leaves': 43, 'colsample_bytree': 0.49460595255811096, 'subsample': 0.9455202544244882, 'subsample_freq': 3, 'min_child_samples': 65}. Best is trial 6 with value: 0.3985714285714286.\n[I 2023-11-01 05:12:44,407] Trial 10 finished with value: 0.9215873015873015 and parameters: {'reg_alpha': 7.239741733833304, 'reg_lambda': 1.3803908304030399e-08, 'num_leaves': 165, 'colsample_bytree': 0.9886560943318634, 'subsample': 0.4180692738594515, 'subsample_freq': 5, 'min_child_samples': 5}. Best is trial 6 with value: 0.3985714285714286.\n[I 2023-11-01 05:12:44,493] Trial 11 finished with value: 0.3979365079365079 and parameters: {'reg_alpha': 2.9135074540153182e-05, 'reg_lambda': 5.228289263654254, 'num_leaves': 170, 'colsample_bytree': 0.9365945972913505, 'subsample': 0.7953554489695067, 'subsample_freq': 7, 'min_child_samples': 77}. Best is trial 11 with value: 0.3979365079365079.\n[I 2023-11-01 05:12:44,571] Trial 12 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 1.0411484880490669e-05, 'reg_lambda': 9.76520128904819, 'num_leaves': 172, 'colsample_bytree': 0.960332239636458, 'subsample': 0.82905263132833, 'subsample_freq': 6, 'min_child_samples': 74}. Best is trial 11 with value: 0.3979365079365079.\n[I 2023-11-01 05:12:44,647] Trial 13 finished with value: 0.33174603174603173 and parameters: {'reg_alpha': 9.965913597751986e-06, 'reg_lambda': 0.009223516099156769, 'num_leaves': 146, 'colsample_bytree': 0.8939624282634053, 'subsample': 0.814099801527945, 'subsample_freq': 7, 'min_child_samples': 83}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:44,750] Trial 14 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 1.302095509476826e-05, 'reg_lambda': 0.010344589905892279, 'num_leaves': 75, 'colsample_bytree': 0.8896665898636799, 'subsample': 0.829462623426237, 'subsample_freq': 7, 'min_child_samples': 69}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:44,829] Trial 15 finished with value: 0.4 and parameters: {'reg_alpha': 8.886788183661473e-06, 'reg_lambda': 0.004498977442654113, 'num_leaves': 141, 'colsample_bytree': 0.6672153140660972, 'subsample': 0.85320489678218, 'subsample_freq': 5, 'min_child_samples': 84}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:44,974] Trial 16 finished with value: 0.9663492063492063 and parameters: {'reg_alpha': 2.8402234864540678e-05, 'reg_lambda': 0.6874231774622149, 'num_leaves': 97, 'colsample_bytree': 0.9910431994882996, 'subsample': 0.8880789602947069, 'subsample_freq': 4, 'min_child_samples': 61}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:45,054] Trial 17 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 7.373581006991595e-07, 'reg_lambda': 6.86574763091415, 'num_leaves': 145, 'colsample_bytree': 0.8808057501678996, 'subsample': 0.7719681782489726, 'subsample_freq': 1, 'min_child_samples': 80}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:45,215] Trial 18 finished with value: 0.9660317460317461 and parameters: {'reg_alpha': 1.0828039316585862e-08, 'reg_lambda': 0.00471180103314662, 'num_leaves': 183, 'colsample_bytree': 0.6848988810790538, 'subsample': 0.9852618154792894, 'subsample_freq': 7, 'min_child_samples': 57}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:45,294] Trial 19 finished with value: 0.3976190476190476 and parameters: {'reg_alpha': 5.229951121796169e-05, 'reg_lambda': 0.14003903153735794, 'num_leaves': 152, 'colsample_bytree': 0.9392422661430488, 'subsample': 0.8780240285331317, 'subsample_freq': 6, 'min_child_samples': 87}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:45,373] Trial 20 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 2.240259180353648e-06, 'reg_lambda': 0.11265731923181353, 'num_leaves': 76, 'colsample_bytree': 0.8493366630906048, 'subsample': 0.8789736378937664, 'subsample_freq': 6, 'min_child_samples': 88}. Best is trial 13 with value: 0.33174603174603173.\n[I 2023-11-01 05:12:45,453] Trial 21 finished with value: 0.30968253968253967 and parameters: {'reg_alpha': 7.531497756241199e-05, 'reg_lambda': 1.0406356336718092, 'num_leaves': 153, 'colsample_bytree': 0.944154261644426, 'subsample': 0.8076404312507145, 'subsample_freq': 7, 'min_child_samples': 74}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,533] Trial 22 finished with value: 0.3992063492063492 and parameters: {'reg_alpha': 8.900228405603179e-05, 'reg_lambda': 0.4525352137155296, 'num_leaves': 145, 'colsample_bytree': 0.9277480291799207, 'subsample': 0.8939295818267433, 'subsample_freq': 6, 'min_child_samples': 89}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,614] Trial 23 finished with value: 0.315079365079365 and parameters: {'reg_alpha': 6.757154468946991e-05, 'reg_lambda': 0.026522121061506972, 'num_leaves': 198, 'colsample_bytree': 0.9499998024518667, 'subsample': 0.8283097867242105, 'subsample_freq': 5, 'min_child_samples': 100}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,697] Trial 24 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 0.0001480505222895097, 'reg_lambda': 0.0010118744350787984, 'num_leaves': 202, 'colsample_bytree': 0.9962490609638656, 'subsample': 0.8132541305481039, 'subsample_freq': 5, 'min_child_samples': 98}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,800] Trial 25 finished with value: 0.3990476190476191 and parameters: {'reg_alpha': 6.1426199187584315e-06, 'reg_lambda': 0.030361037873385576, 'num_leaves': 120, 'colsample_bytree': 0.8531521068256006, 'subsample': 0.6993715674709056, 'subsample_freq': 3, 'min_child_samples': 71}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,886] Trial 26 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.0012777774203934786, 'reg_lambda': 0.025528911829261626, 'num_leaves': 204, 'colsample_bytree': 0.9507555923315079, 'subsample': 0.7579233968145745, 'subsample_freq': 4, 'min_child_samples': 100}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:45,967] Trial 27 finished with value: 0.33238095238095233 and parameters: {'reg_alpha': 2.915879780447314e-06, 'reg_lambda': 1.0952846934807543, 'num_leaves': 246, 'colsample_bytree': 0.8997898021903301, 'subsample': 0.8435222589897015, 'subsample_freq': 7, 'min_child_samples': 75}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:46,047] Trial 28 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 6.184587860479794e-05, 'reg_lambda': 0.0008797584557490148, 'num_leaves': 160, 'colsample_bytree': 0.8388120209645128, 'subsample': 0.9291736569507019, 'subsample_freq': 5, 'min_child_samples': 90}. Best is trial 21 with value: 0.30968253968253967.\n[I 2023-11-01 05:12:46,189] Trial 29 finished with value: 0.9607936507936508 and parameters: {'reg_alpha': 0.001067705806158682, 'reg_lambda': 0.09430604605020981, 'num_leaves': 131, 'colsample_bytree': 0.637287554230887, 'subsample': 0.7241837140806298, 'subsample_freq': 7, 'min_child_samples': 53}. Best is trial 21 with value: 0.30968253968253967.\n:27: ExperimentalWarning:\n\nplot_terminator_improvement is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:129: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:131: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n\n 0%| | 0/30 [00:00\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,144] Trial 6 failed with value None.\n[I 2023-11-01 05:13:23,158] Trial 8 finished with value: 0.07322668224999963 and parameters: {'x': 0.27060429089354743}. Best is trial 3 with value: 0.014842189858393293.\n[I 2023-11-01 05:13:23,173] Trial 10 finished with value: 0.01692646582767547 and parameters: {'x': 0.13010175182400685}. Best is trial 3 with value: 0.014842189858393293.\n[W 2023-11-01 05:13:23,236] Trial 9 failed with parameters: {'x': 0.8976523898537465} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,237] Trial 9 failed with value None.\n[I 2023-11-01 05:13:23,238] Trial 11 pruned. \n[I 2023-11-01 05:13:23,252] Trial 12 finished with value: 0.0003546374314571753 and parameters: {'x': 0.018831819653373258}. Best is trial 12 with value: 0.0003546374314571753.\n[I 2023-11-01 05:13:23,259] Trial 13 finished with value: 0.0005037418794397232 and parameters: {'x': 0.022444194782609672}. Best is trial 12 with value: 0.0003546374314571753.\n[I 2023-11-01 05:13:23,261] Trial 14 finished with value: 0.00027509402929743463 and parameters: {'x': 0.01658595879946151}. Best is trial 14 with value: 0.00027509402929743463.\n[I 2023-11-01 05:13:23,270] Trial 15 finished with value: 0.0004877388879542388 and parameters: {'x': 0.02208481125013838}. Best is trial 14 with value: 0.00027509402929743463.\n[I 2023-11-01 05:13:23,286] Trial 16 finished with value: 0.0005880074832481517 and parameters: {'x': 0.024248865607449592}. Best is trial 14 with value: 0.00027509402929743463.\n[W 2023-11-01 05:13:23,366] Trial 17 failed with parameters: {'x': 0.8917662044256499} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,368] Trial 17 failed with value None.\n[W 2023-11-01 05:13:23,385] Trial 18 failed with parameters: {'x': 0.9187041860215172} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,387] Trial 18 failed with value None.\n[W 2023-11-01 05:13:23,462] Trial 19 failed with parameters: {'x': 0.8655576854046144} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,464] Trial 19 failed with value None.\n[I 2023-11-01 05:13:23,496] Trial 21 finished with value: 0.0541960353742624 and parameters: {'x': 0.232800419617883}. Best is trial 14 with value: 0.00027509402929743463.\n[W 2023-11-01 05:13:23,503] Trial 20 failed with parameters: {'x': 0.9920065637328724} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,505] Trial 20 failed with value None.\n[I 2023-11-01 05:13:23,551] Trial 23 finished with value: 0.11255199409253754 and parameters: {'x': 0.3354876958884447}. Best is trial 14 with value: 0.00027509402929743463.\n[W 2023-11-01 05:13:23,592] Trial 22 failed with parameters: {'x': 0.8922373123414834} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,595] Trial 22 failed with value None.\n[W 2023-11-01 05:13:23,664] Trial 24 failed with parameters: {'x': 0.9897396352498966} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,665] Trial 24 failed with value None.\n[W 2023-11-01 05:13:23,693] Trial 25 failed with parameters: {'x': 0.9032490745502213} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,696] Trial 25 failed with value None.\n[W 2023-11-01 05:13:23,763] Trial 26 failed with parameters: {'x': 0.8961757882287438} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,765] Trial 26 failed with value None.\n[I 2023-11-01 05:13:23,786] Trial 28 finished with value: 0.018644199612647534 and parameters: {'x': 0.13654376445904637}. Best is trial 14 with value: 0.00027509402929743463.\n[W 2023-11-01 05:13:23,797] Trial 27 failed with parameters: {'x': 0.9348392751793811} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,798] Trial 27 failed with value None.\n[W 2023-11-01 05:13:23,889] Trial 29 failed with parameters: {'x': 0.9479439299738556} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,890] Trial 29 failed with value None.\n[W 2023-11-01 05:13:23,904] Trial 30 failed with parameters: {'x': 0.9884845231686085} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,905] Trial 30 failed with value None.\n[W 2023-11-01 05:13:23,995] Trial 31 failed with parameters: {'x': 0.9695450277743725} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:23,996] Trial 31 failed with value None.\n[W 2023-11-01 05:13:24,003] Trial 32 failed with parameters: {'x': 0.9142222650390485} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,004] Trial 32 failed with value None.\n[I 2023-11-01 05:13:24,048] Trial 33 pruned. \n[W 2023-11-01 05:13:24,110] Trial 34 failed with parameters: {'x': 0.9827517400721096} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,112] Trial 34 failed with value None.\n[W 2023-11-01 05:13:24,152] Trial 35 failed with parameters: {'x': 0.9531061650471164} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,154] Trial 35 failed with value None.\n[W 2023-11-01 05:13:24,220] Trial 36 failed with parameters: {'x': 0.9915974653265378} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,222] Trial 36 failed with value None.\n[W 2023-11-01 05:13:24,254] Trial 37 failed with parameters: {'x': 0.9213666909450334} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,257] Trial 37 failed with value None.\n[I 2023-11-01 05:13:24,260] Trial 38 finished with value: 0.08353757283206283 and parameters: {'x': 0.2890286712976116}. Best is trial 14 with value: 0.00027509402929743463.\n[I 2023-11-01 05:13:24,294] Trial 39 finished with value: 0.07565172224519442 and parameters: {'x': 0.2750485816091303}. Best is trial 14 with value: 0.00027509402929743463.\n[I 2023-11-01 05:13:24,303] Trial 41 finished with value: 2.263093710510395e-05 and parameters: {'x': 0.004757198451305553}. Best is trial 41 with value: 2.263093710510395e-05.\n[I 2023-11-01 05:13:24,310] Trial 42 finished with value: 2.4496602691801658e-05 and parameters: {'x': 0.004949404276456073}. Best is trial 41 with value: 2.263093710510395e-05.\n[W 2023-11-01 05:13:24,368] Trial 40 failed with parameters: {'x': 0.9523171958909332} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,370] Trial 40 failed with value None.\n[I 2023-11-01 05:13:24,394] Trial 44 finished with value: 0.012203171078959468 and parameters: {'x': 0.1104679640391705}. Best is trial 41 with value: 2.263093710510395e-05.\n[W 2023-11-01 05:13:24,414] Trial 43 failed with parameters: {'x': 0.9766429807954895} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,417] Trial 43 failed with value None.\n[I 2023-11-01 05:13:24,424] Trial 45 finished with value: 0.04179347467981478 and parameters: {'x': 0.20443452418761068}. Best is trial 41 with value: 2.263093710510395e-05.\n[I 2023-11-01 05:13:24,445] Trial 46 finished with value: 0.03467733830492518 and parameters: {'x': 0.18621852299093444}. Best is trial 41 with value: 2.263093710510395e-05.\n[I 2023-11-01 05:13:24,461] Trial 48 finished with value: 0.006351027570575772 and parameters: {'x': 0.07969333454295768}. Best is trial 41 with value: 2.263093710510395e-05.\n[W 2023-11-01 05:13:24,525] Trial 47 failed with parameters: {'x': 0.9181981949000149} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,526] Trial 47 failed with value None.\n[W 2023-11-01 05:13:24,562] Trial 49 failed with parameters: {'x': 0.9398437875142414} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:13:24,563] Trial 49 failed with value None.\n\u001b[2Kreading sources... [ 82%] reference/visualization/generated/optuna.visualization.matplotlib.plot_timeline\n:21: ExperimentalWarning:\n\nplot_timeline is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:13:25,018] A new study created in memory with name: no-name-d41f88e9-648b-4e61-8ad7-da9e8f08ed64\n[I 2023-11-01 05:13:25,019] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:13:25,020] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,021] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,022] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,023] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,024] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,024] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,025] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,026] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,027] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,034] Trial 10 finished with value: 734.0822030665411 and parameters: {'x': -27.075490818571343, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,041] Trial 11 finished with value: 73.65352512080509 and parameters: {'x': 8.523703720848413, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,048] Trial 12 finished with value: 772.5301395134916 and parameters: {'x': -27.776431367500965, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,055] Trial 13 finished with value: 144.99637750321034 and parameters: {'x': 11.999849061684499, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,061] Trial 14 finished with value: 58.008999214248114 and parameters: {'x': -7.550430399271827, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,069] Trial 15 finished with value: 1811.5559443721502 and parameters: {'x': -42.574122943076, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,076] Trial 16 finished with value: 101.03717560874351 and parameters: {'x': -10.001858607716043, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,083] Trial 17 finished with value: 9671.11610067409 and parameters: {'x': 98.33674847519664, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,090] Trial 18 finished with value: 731.8040203733697 and parameters: {'x': 27.03338714207618, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,097] Trial 19 finished with value: 1940.8126679916945 and parameters: {'x': -44.06600354004995, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,103] Trial 20 finished with value: 22.671858597340137 and parameters: {'x': -4.6553043506671115, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,110] Trial 21 finished with value: 36.2737132672693 and parameters: {'x': -5.939167725133657, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,117] Trial 22 finished with value: 467.498830386074 and parameters: {'x': 21.598583990300707, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,124] Trial 23 finished with value: 57.683827568626214 and parameters: {'x': -7.5288662870731216, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,131] Trial 24 finished with value: 14.559465794510222 and parameters: {'x': 3.6823179920411846, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,138] Trial 25 finished with value: 1454.2889615335619 and parameters: {'x': 38.1220272484762, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,145] Trial 26 finished with value: 210.54412862953976 and parameters: {'x': 14.475639144077189, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,152] Trial 27 finished with value: 3133.9754124740953 and parameters: {'x': 55.97298823963301, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,159] Trial 28 finished with value: 583.7660288159207 and parameters: {'x': -24.181936002229445, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:25,166] Trial 29 finished with value: 31.445003865150788 and parameters: {'x': 5.607584494695625, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 82%] reference/visualization/generated/optuna.visualization.plot_contour\n[I 2023-11-01 05:13:25,392] A new study created in memory with name: x=[0,5), y=[0,5)\n[I 2023-11-01 05:13:25,393] Trial 0 finished with value: 9.098775784310966 and parameters: {'x': 3.85660321633373, 'y': 0.1037597467970075}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:13:25,394] Trial 1 finished with value: 11.468279264943558 and parameters: {'x': 3.168241174631377, 'y': 3.744019412693059}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:13:25,395] Trial 2 finished with value: 8.26591744896594 and parameters: {'x': 2.4925350615129522, 'y': 1.1239832276542383}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:13:25,396] Trial 3 finished with value: 9.307353958700034 and parameters: {'x': 0.9903143237981199, 'y': 3.8026535609947936}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:13:25,396] Trial 4 finished with value: 4.4107752374673055 and parameters: {'x': 0.8455541828126772, 'y': 0.44169907087005134}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,397] Trial 5 finished with value: 13.32581053856714 and parameters: {'x': 3.426799091838986, 'y': 4.766966730974683}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,398] Trial 6 finished with value: 7.762294992698612 and parameters: {'x': 0.019741331639572257, 'y': 2.560961316928883}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,399] Trial 7 finished with value: 10.462168809225723 and parameters: {'x': 4.063104808260568, 'y': 3.0626303341469407}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,399] Trial 8 finished with value: 10.766844213449511 and parameters: {'x': 3.6087765871589976, 'y': 1.4593803408531658}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,400] Trial 9 finished with value: 13.513529451283143 and parameters: {'x': 4.588870612564717, 'y': 3.572878916988453}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,401] Trial 10 finished with value: 8.477722801529927 and parameters: {'x': 2.7127218400563065, 'y': 0.7108502380076348}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,402] Trial 11 finished with value: 10.129432776476957 and parameters: {'x': 1.866703800257346, 'y': 3.3706680753317264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,402] Trial 12 finished with value: 8.366790606869595 and parameters: {'x': 2.2091658721149803, 'y': 2.1700699666664685}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,403] Trial 13 finished with value: 10.416955768145217 and parameters: {'x': 3.088834892346586, 'y': 2.5656912127719544}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,404] Trial 14 finished with value: 10.387909622465159 and parameters: {'x': 3.251985909657336, 'y': 3.005194767022722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,405] Trial 15 finished with value: 11.459718019586177 and parameters: {'x': 4.026115984163733, 'y': 2.608235761968171}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,405] Trial 16 finished with value: 12.18680554317172 and parameters: {'x': 4.5432444040433415, 'y': 1.5961804449427264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,406] Trial 17 finished with value: 6.324395711691771 and parameters: {'x': 0.45229674635453687, 'y': 1.5035002831810167}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,407] Trial 18 finished with value: 10.780656392800164 and parameters: {'x': 0.5699218093177488, 'y': 4.143406631538383}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,408] Trial 19 finished with value: 8.416640220838426 and parameters: {'x': 0.23448159694624882, 'y': 3.1314357415569627}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,409] Trial 20 finished with value: 11.302576421368904 and parameters: {'x': 2.737930779596218, 'y': 4.096434978350343}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,409] Trial 21 finished with value: 10.499563087675314 and parameters: {'x': 0.9947376983940615, 'y': 4.284251512288666}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,410] Trial 22 finished with value: 10.513666838860214 and parameters: {'x': 1.7582631971604394, 'y': 3.773238457649286}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,411] Trial 23 finished with value: 11.97926994777533 and parameters: {'x': 1.4798085343983935, 'y': 4.419682397805931}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,412] Trial 24 finished with value: 6.380894606936472 and parameters: {'x': 1.627558189161244, 'y': 0.8250794885957424}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,412] Trial 25 finished with value: 6.685983992257508 and parameters: {'x': 1.9626462197329364, 'y': 0.4673018727932515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,413] Trial 26 finished with value: 10.125719905741311 and parameters: {'x': 4.105528289184642, 'y': 0.7557600982128193}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,414] Trial 27 finished with value: 11.573099481049313 and parameters: {'x': 1.920572243460998, 'y': 4.721303561194006}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,414] Trial 28 finished with value: 12.011941244892594 and parameters: {'x': 4.938127374509361, 'y': 2.2815227354739203}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,415] Trial 29 finished with value: 10.481651724828257 and parameters: {'x': 4.130614219213699, 'y': 1.2568706710352968}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,416] Trial 30 finished with value: 12.415913516504961 and parameters: {'x': 2.9868582411544216, 'y': 4.514158801658137}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,417] Trial 31 finished with value: 10.053592439013652 and parameters: {'x': 2.6727897440090755, 'y': 2.9510068149271147}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,417] Trial 32 finished with value: 5.886579856572837 and parameters: {'x': 0.19640883612693671, 'y': 1.7859087931726814}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,418] Trial 33 finished with value: 6.310127074999574 and parameters: {'x': 0.3980654507798209, 'y': 1.5272995917140912}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,419] Trial 34 finished with value: 10.63044720131769 and parameters: {'x': 1.65359655991066, 'y': 3.8691514810529792}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,420] Trial 35 finished with value: 6.399093285230432 and parameters: {'x': 0.19979604344988633, 'y': 2.1474608921581915}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,420] Trial 36 finished with value: 9.82714713251584 and parameters: {'x': 1.5746343592134415, 'y': 3.1824557153377233}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,421] Trial 37 finished with value: 6.040622694875182 and parameters: {'x': 1.7317357504001651, 'y': 0.2154867810249722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,422] Trial 38 finished with value: 13.124359919044599 and parameters: {'x': 4.39957587258958, 'y': 3.816202935718405}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,423] Trial 39 finished with value: 11.621017540390913 and parameters: {'x': 4.390483213624291, 'y': 2.087545719196335}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,423] Trial 40 finished with value: 10.273148823731859 and parameters: {'x': 3.027887821968784, 'y': 2.567333137041442}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,424] Trial 41 finished with value: 8.74724695064551 and parameters: {'x': 2.989183239814868, 'y': 1.3110783056597515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,425] Trial 42 finished with value: 5.703235939620228 and parameters: {'x': 1.504356544703536, 'y': 0.12699891025053034}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,426] Trial 43 finished with value: 6.8281049033658086 and parameters: {'x': 1.5153128032551737, 'y': 1.2103793770176368}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,426] Trial 44 finished with value: 9.889991012666522 and parameters: {'x': 2.787890943313221, 'y': 2.827535099440838}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,427] Trial 45 finished with value: 8.809099112861492 and parameters: {'x': 2.375661237075253, 'y': 1.4639898814475454}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,428] Trial 46 finished with value: 11.529514400367189 and parameters: {'x': 0.32125530347412223, 'y': 4.894095728788213}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,429] Trial 47 finished with value: 9.116346691166768 and parameters: {'x': 1.6985392181893184, 'y': 2.4752431544122717}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,429] Trial 48 finished with value: 11.665729583461987 and parameters: {'x': 4.885403629613409, 'y': 2.2038691245033326}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,430] Trial 49 finished with value: 9.283138260008634 and parameters: {'x': 1.591364027394756, 'y': 2.5989849293769005}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,431] Trial 50 finished with value: 11.688309982114646 and parameters: {'x': 2.8906821494123376, 'y': 4.269668752502432}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,432] Trial 51 finished with value: 7.7554312065139825 and parameters: {'x': 0.34048636768975016, 'y': 2.3226540388966628}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,432] Trial 52 finished with value: 12.275135396487016 and parameters: {'x': 3.909745593095742, 'y': 3.5930140519112514}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,433] Trial 53 finished with value: 7.599136984880452 and parameters: {'x': 2.9301099002658795, 'y': 0.18547206617203937}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,434] Trial 54 finished with value: 8.971518754151079 and parameters: {'x': 1.7532819564156648, 'y': 2.815953422463725}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,435] Trial 55 finished with value: 9.191843219831416 and parameters: {'x': 1.4986493621228143, 'y': 2.5616707663677465}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,435] Trial 56 finished with value: 9.633721562166217 and parameters: {'x': 3.3673346264236024, 'y': 0.7959686668904675}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,436] Trial 57 finished with value: 6.186229741277476 and parameters: {'x': 0.2523883507699881, 'y': 1.6890794353233973}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,437] Trial 58 finished with value: 4.552022343284264 and parameters: {'x': 0.5403188638972628, 'y': 0.8945140428554521}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,438] Trial 59 finished with value: 11.758020264004587 and parameters: {'x': 4.429135480838529, 'y': 1.826824856070579}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,438] Trial 60 finished with value: 9.65103717665648 and parameters: {'x': 1.0938467458976837, 'y': 3.762480851093014}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,439] Trial 61 finished with value: 10.404668371552354 and parameters: {'x': 0.5343979219678457, 'y': 3.723016203877803}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,440] Trial 62 finished with value: 9.807137735649274 and parameters: {'x': 2.3489264672024723, 'y': 2.991278356395546}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:13:25,441] Trial 63 finished with value: 4.297890789772584 and parameters: {'x': 0.7381009614264883, 'y': 0.9201741104657563}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,441] Trial 64 finished with value: 8.956435845330386 and parameters: {'x': 3.2253606323412094, 'y': 0.24314003131702788}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,442] Trial 65 finished with value: 8.694250835326496 and parameters: {'x': 1.2430625390138472, 'y': 2.7120425811400213}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,443] Trial 66 finished with value: 5.986545159935034 and parameters: {'x': 1.133866716350046, 'y': 1.9070576745231604}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,444] Trial 67 finished with value: 14.297386483409563 and parameters: {'x': 4.611163934517731, 'y': 4.626784364338884}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,444] Trial 68 finished with value: 10.180452207698272 and parameters: {'x': 2.8337496228749997, 'y': 2.667354424945013}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,445] Trial 69 finished with value: 10.407363938709986 and parameters: {'x': 0.07430012316614054, 'y': 4.889496317010025}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,446] Trial 70 finished with value: 10.440149099446987 and parameters: {'x': 2.8651445201659294, 'y': 3.95878498138312}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,447] Trial 71 finished with value: 12.32523091547919 and parameters: {'x': 2.8077868013818446, 'y': 4.3866762078246735}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,447] Trial 72 finished with value: 11.31269157398866 and parameters: {'x': 2.9209791426533775, 'y': 3.544249131844776}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,448] Trial 73 finished with value: 6.868040784289896 and parameters: {'x': 0.7426672567822928, 'y': 2.142253694839482}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,449] Trial 74 finished with value: 10.168253595722678 and parameters: {'x': 3.4694503317120584, 'y': 0.5230987226142658}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,450] Trial 75 finished with value: 6.875279830510534 and parameters: {'x': 2.1980261888729524, 'y': 0.8310107385226684}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,450] Trial 76 finished with value: 11.669355532080532 and parameters: {'x': 2.5348931463202367, 'y': 4.095179320681063}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,451] Trial 77 finished with value: 10.375729066395554 and parameters: {'x': 0.45053367362219265, 'y': 4.000343753470726}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,452] Trial 78 finished with value: 9.47494195262567 and parameters: {'x': 2.8256317697890228, 'y': 2.946738558403037}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,453] Trial 79 finished with value: 6.429800222532773 and parameters: {'x': 0.9905032860813445, 'y': 2.1805912766941713}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,453] Trial 80 finished with value: 5.784554009886445 and parameters: {'x': 1.4795188111041868, 'y': 0.18778837970838846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,454] Trial 81 finished with value: 6.944951718546044 and parameters: {'x': 0.15342420186473138, 'y': 2.2655250010061674}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,455] Trial 82 finished with value: 11.32465496841092 and parameters: {'x': 3.7243203847503388, 'y': 2.7864770311819846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,456] Trial 83 finished with value: 5.814616800694608 and parameters: {'x': 1.9255679978274327, 'y': 0.8403639876630931}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,456] Trial 84 finished with value: 11.092120639966868 and parameters: {'x': 4.1913066035184645, 'y': 2.995258987307463}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,457] Trial 85 finished with value: 12.30613781768253 and parameters: {'x': 3.9135740912248558, 'y': 4.242545909473573}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,458] Trial 86 finished with value: 10.276422024397286 and parameters: {'x': 3.0158148793101742, 'y': 3.9053030864514104}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,458] Trial 87 finished with value: 7.479769890494953 and parameters: {'x': 3.0786843801678465, 'y': 0.10582595586077492}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,459] Trial 88 finished with value: 9.671206282931806 and parameters: {'x': 3.752323052437455, 'y': 0.8802106664184695}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,460] Trial 89 finished with value: 9.869658626214864 and parameters: {'x': 2.292571031186365, 'y': 2.5656135386612258}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,461] Trial 90 finished with value: 11.964499715377078 and parameters: {'x': 2.420104451434129, 'y': 4.2219289726967375}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:13:25,461] Trial 91 finished with value: 2.826913907516392 and parameters: {'x': 0.874069474110597, 'y': 0.0731743755162495}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,462] Trial 92 finished with value: 12.799381162755227 and parameters: {'x': 4.24382035905616, 'y': 3.7133728864971705}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,463] Trial 93 finished with value: 8.415639605279267 and parameters: {'x': 2.283487676600861, 'y': 2.084492035246889}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,464] Trial 94 finished with value: 6.648507949382903 and parameters: {'x': 0.5836475547348163, 'y': 1.6933956649466986}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,465] Trial 95 finished with value: 10.321671031403987 and parameters: {'x': 0.4732952037182653, 'y': 3.579154363756571}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,465] Trial 96 finished with value: 4.476198346748607 and parameters: {'x': 0.3854270220801931, 'y': 1.0297512918448626}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,466] Trial 97 finished with value: 9.179908484929722 and parameters: {'x': 2.868881157256011, 'y': 1.4691577760188401}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,467] Trial 98 finished with value: 11.609756716580515 and parameters: {'x': 3.278633713572991, 'y': 4.017841738716098}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,468] Trial 99 finished with value: 6.625902168595072 and parameters: {'x': 1.7560675149820437, 'y': 0.4672018847188353}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,468] Trial 100 finished with value: 11.261545077172835 and parameters: {'x': 4.066580418354021, 'y': 3.9243335913847344}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,469] Trial 101 finished with value: 11.190968700537157 and parameters: {'x': 1.967095562182577, 'y': 4.322395969009766}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,470] Trial 102 finished with value: 6.911109890757974 and parameters: {'x': 1.9201538405786622, 'y': 1.2865144360250191}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,471] Trial 103 finished with value: 12.490683781539499 and parameters: {'x': 4.1470095991361795, 'y': 3.681913519192817}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,471] Trial 104 finished with value: 10.848166908046393 and parameters: {'x': 2.538004540274797, 'y': 3.2216330752070848}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,472] Trial 105 finished with value: 11.32542096737529 and parameters: {'x': 1.0659328268932406, 'y': 4.478544743517791}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,473] Trial 106 finished with value: 12.145433872665942 and parameters: {'x': 4.829731257539075, 'y': 1.5850078115289405}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,474] Trial 107 finished with value: 11.786981252421768 and parameters: {'x': 4.327763091136416, 'y': 1.5514185347005949}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:13:25,474] Trial 108 finished with value: 2.0472944535777273 and parameters: {'x': 0.12631972715908546, 'y': 0.24597578886864313}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,475] Trial 109 finished with value: 4.145224959722373 and parameters: {'x': 0.9231341900713275, 'y': 0.34516670808627026}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,476] Trial 110 finished with value: 11.931360118539573 and parameters: {'x': 1.2873771170227155, 'y': 4.567908657853373}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,477] Trial 111 finished with value: 7.772705651810355 and parameters: {'x': 2.2892475598720523, 'y': 0.6510589473979744}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,477] Trial 112 finished with value: 9.524332905886311 and parameters: {'x': 4.0494583270008935, 'y': 2.01734920240333}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,478] Trial 113 finished with value: 10.520695532088595 and parameters: {'x': 0.12216322491582055, 'y': 4.284155213138763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,479] Trial 114 finished with value: 10.597438973670814 and parameters: {'x': 1.371474095076981, 'y': 3.5455298203599526}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,480] Trial 115 finished with value: 10.120097947889937 and parameters: {'x': 1.7788617141183165, 'y': 3.971545309132671}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,480] Trial 116 finished with value: 11.960450407585382 and parameters: {'x': 4.223094305719252, 'y': 2.690737585699792}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,481] Trial 117 finished with value: 8.587748682117635 and parameters: {'x': 2.795432582016292, 'y': 0.6125499071870993}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,482] Trial 118 finished with value: 7.369283296210424 and parameters: {'x': 1.8882095928704012, 'y': 2.1437366456452134}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,483] Trial 119 finished with value: 12.663827787679372 and parameters: {'x': 2.556043231427327, 'y': 4.458812849678472}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,483] Trial 120 finished with value: 7.650631541913702 and parameters: {'x': 1.5010530579700654, 'y': 1.9822093943922525}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,484] Trial 121 finished with value: 9.498157519309544 and parameters: {'x': 3.9663661651380706, 'y': 2.061380386767003}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,485] Trial 122 finished with value: 10.019682178888301 and parameters: {'x': 0.9243377499545619, 'y': 4.201236580441953}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,486] Trial 123 finished with value: 8.237633967855434 and parameters: {'x': 2.8463569985064425, 'y': 0.3002510277540982}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,486] Trial 124 finished with value: 10.781591638486919 and parameters: {'x': 4.944584870981005, 'y': 1.1439116660098265}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,487] Trial 125 finished with value: 8.621572297432854 and parameters: {'x': 3.0735085649008482, 'y': 1.8401334041772972}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,488] Trial 126 finished with value: 10.713009182969788 and parameters: {'x': 4.013879681741232, 'y': 3.1378092635281445}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,489] Trial 127 finished with value: 10.98074403397134 and parameters: {'x': 4.106082380991301, 'y': 1.441265693961082}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,489] Trial 128 finished with value: 9.024647633357716 and parameters: {'x': 1.3739756579638436, 'y': 3.00525945566255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,490] Trial 129 finished with value: 13.49082379516863 and parameters: {'x': 4.692570986046688, 'y': 3.5364815467071864}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,491] Trial 130 finished with value: 5.874821960577492 and parameters: {'x': 1.3170158247837875, 'y': 0.6116796055750251}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,492] Trial 131 finished with value: 12.140532436293423 and parameters: {'x': 2.2936211459493183, 'y': 4.8740624969833455}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,492] Trial 132 finished with value: 9.508596165882706 and parameters: {'x': 3.4028718722222235, 'y': 0.9662686614323052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,493] Trial 133 finished with value: 11.43232227635066 and parameters: {'x': 0.233696135806975, 'y': 4.763219683853119}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,494] Trial 134 finished with value: 12.909468873966272 and parameters: {'x': 4.2932450773421325, 'y': 4.139515878742856}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,495] Trial 135 finished with value: 11.717204018330282 and parameters: {'x': 4.819502614191414, 'y': 2.994682245363374}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,495] Trial 136 finished with value: 11.730163602366163 and parameters: {'x': 4.654579179238757, 'y': 0.733844071393634}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,496] Trial 137 finished with value: 6.653881018965677 and parameters: {'x': 0.569801543773461, 'y': 1.8601445108691723}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,497] Trial 138 finished with value: 10.741151207828954 and parameters: {'x': 3.832800632854534, 'y': 1.6057101573247974}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,498] Trial 139 finished with value: 8.041035108445248 and parameters: {'x': 3.1901754067231334, 'y': 0.04610550834939442}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,499] Trial 140 finished with value: 9.248413466368948 and parameters: {'x': 2.71732519237458, 'y': 1.6887732344259176}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,499] Trial 141 finished with value: 14.219077219048492 and parameters: {'x': 4.490121544247577, 'y': 4.703535192416116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,500] Trial 142 finished with value: 6.631265309603911 and parameters: {'x': 1.920609245767847, 'y': 1.9805889617029848}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,501] Trial 143 finished with value: 11.598473392731933 and parameters: {'x': 4.48639972409674, 'y': 0.2941118405092352}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,502] Trial 144 finished with value: 6.694767599306697 and parameters: {'x': 2.0268964421478453, 'y': 0.6508777031545621}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,502] Trial 145 finished with value: 10.288922686627453 and parameters: {'x': 0.4348470446230879, 'y': 3.919821434794939}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,503] Trial 146 finished with value: 9.21998684759554 and parameters: {'x': 1.5228667767331006, 'y': 2.9202793627763453}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,504] Trial 147 finished with value: 13.970932382384035 and parameters: {'x': 4.392330892133315, 'y': 4.403960303067703}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,505] Trial 148 finished with value: 10.220646476518713 and parameters: {'x': 3.004771036228382, 'y': 3.2261387284201657}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,505] Trial 149 finished with value: 6.025594798063533 and parameters: {'x': 0.28314101419053106, 'y': 1.487420484879609}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,506] Trial 150 finished with value: 9.686112989082387 and parameters: {'x': 3.458873037882333, 'y': 0.9451472642781766}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,508] Trial 151 finished with value: 11.477795880312842 and parameters: {'x': 4.015037683584489, 'y': 2.5738187492835642}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,509] Trial 152 finished with value: 9.536662274540596 and parameters: {'x': 3.7864302015780735, 'y': 0.8889437430854896}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,509] Trial 153 finished with value: 8.138475011363663 and parameters: {'x': 0.41310145647746377, 'y': 2.4103598486142923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,510] Trial 154 finished with value: 11.493703576527055 and parameters: {'x': 2.6442693968106306, 'y': 3.481541359044985}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,511] Trial 155 finished with value: 9.341702473870399 and parameters: {'x': 1.023808070150981, 'y': 3.356861649786817}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,512] Trial 156 finished with value: 9.45980967724605 and parameters: {'x': 3.966346626632103, 'y': 0.20868906258480535}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,512] Trial 157 finished with value: 13.378541634779003 and parameters: {'x': 4.816787528607454, 'y': 4.876963585866664}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,513] Trial 158 finished with value: 8.398878019226897 and parameters: {'x': 2.7533039211090755, 'y': 0.3245349120330482}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,514] Trial 159 finished with value: 5.671727248950585 and parameters: {'x': 1.7261839493092874, 'y': 0.1021498440574764}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,515] Trial 160 finished with value: 8.900670733919403 and parameters: {'x': 4.0042590489180805, 'y': 1.039635490660757}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,516] Trial 161 finished with value: 10.104130916382784 and parameters: {'x': 0.7162625545259099, 'y': 3.4994699226462638}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,516] Trial 162 finished with value: 5.315897263639183 and parameters: {'x': 0.28974903005027364, 'y': 1.2830378342449826}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,517] Trial 163 finished with value: 12.628574431426383 and parameters: {'x': 2.551658922744225, 'y': 4.97629392410128}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,518] Trial 164 finished with value: 7.447601498443641 and parameters: {'x': 0.7325783965840083, 'y': 2.247573887993382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,519] Trial 165 finished with value: 8.717294962338975 and parameters: {'x': 3.007201880914031, 'y': 0.48636247069940075}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,519] Trial 166 finished with value: 10.747736503597993 and parameters: {'x': 1.4436744027098762, 'y': 3.603999509537035}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,520] Trial 167 finished with value: 11.672696062044226 and parameters: {'x': 2.754030320204744, 'y': 4.192885075269436}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,521] Trial 168 finished with value: 7.3765020440620965 and parameters: {'x': 2.901656757339883, 'y': 0.9228586830481306}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,522] Trial 169 finished with value: 12.413208648223295 and parameters: {'x': 3.077510585292704, 'y': 4.434775442343052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,522] Trial 170 finished with value: 10.541150607138487 and parameters: {'x': 2.5839463891022096, 'y': 3.130718345632117}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,523] Trial 171 finished with value: 12.756318698680404 and parameters: {'x': 2.525295587782306, 'y': 4.5483128829327715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,524] Trial 172 finished with value: 9.05472987128604 and parameters: {'x': 2.0665232778228515, 'y': 2.677343581458615}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,525] Trial 173 finished with value: 6.621158640130886 and parameters: {'x': 1.713215627822633, 'y': 0.6478838857163005}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,525] Trial 174 finished with value: 13.166998514264037 and parameters: {'x': 3.3141087569999437, 'y': 4.678350009978248}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,526] Trial 175 finished with value: 11.37039215348121 and parameters: {'x': 3.06364590964527, 'y': 4.213692497248822}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,527] Trial 176 finished with value: 11.421697035283117 and parameters: {'x': 1.0895421810142136, 'y': 4.515858698649607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,528] Trial 177 finished with value: 3.399518378372946 and parameters: {'x': 0.04884988559842873, 'y': 1.1290636333171737}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,529] Trial 178 finished with value: 11.790711998551938 and parameters: {'x': 0.6602756363599344, 'y': 4.537714732580255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,529] Trial 179 finished with value: 12.457058855171512 and parameters: {'x': 4.5511531832988155, 'y': 2.9052895356745245}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,530] Trial 180 finished with value: 4.270689977380076 and parameters: {'x': 0.4374652626195269, 'y': 0.5843971978719908}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,531] Trial 181 finished with value: 12.240165558984787 and parameters: {'x': 3.8553562765392724, 'y': 3.6639763439826103}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,532] Trial 182 finished with value: 6.590515277343432 and parameters: {'x': 0.435641784662561, 'y': 1.7873159905994234}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,532] Trial 183 finished with value: 10.17214430542262 and parameters: {'x': 3.8660581087613077, 'y': 0.6573580080587804}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,533] Trial 184 finished with value: 11.43917166431362 and parameters: {'x': 2.68916216926987, 'y': 3.7736178311347457}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,534] Trial 185 finished with value: 8.969937960798413 and parameters: {'x': 1.3626308799556757, 'y': 2.8325849795366413}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,535] Trial 186 finished with value: 10.041893106125363 and parameters: {'x': 2.3834248535833096, 'y': 2.7831034627091973}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,535] Trial 187 finished with value: 10.826547273250752 and parameters: {'x': 2.2036852870690056, 'y': 3.4686868213095585}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,536] Trial 188 finished with value: 12.426924191010318 and parameters: {'x': 3.5911859015982364, 'y': 3.7819117894779923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,537] Trial 189 finished with value: 9.532608489210268 and parameters: {'x': 0.18661004505669543, 'y': 3.394176984464907}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,538] Trial 190 finished with value: 8.135150111944762 and parameters: {'x': 2.386104004539672, 'y': 0.5008569383546607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,539] Trial 191 finished with value: 11.234871968202231 and parameters: {'x': 3.070981168573452, 'y': 4.18957254483098}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,539] Trial 192 finished with value: 10.837341646724049 and parameters: {'x': 3.6694701882941674, 'y': 1.6078279135595364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,540] Trial 193 finished with value: 2.853729868628715 and parameters: {'x': 0.33927655543450175, 'y': 0.1866511853213626}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,541] Trial 194 finished with value: 8.102320702453188 and parameters: {'x': 2.7956265198024104, 'y': 0.8042634963427392}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,542] Trial 195 finished with value: 6.2265106786220485 and parameters: {'x': 1.3394409285104592, 'y': 1.1785597821799847}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,542] Trial 196 finished with value: 3.2200767735665927 and parameters: {'x': 0.0967373080891365, 'y': 0.7584321219748957}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,543] Trial 197 finished with value: 10.792978685682154 and parameters: {'x': 0.1695125656628088, 'y': 4.909174290439391}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,544] Trial 198 finished with value: 10.474479619963939 and parameters: {'x': 1.8024265507702935, 'y': 4.127322642810085}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,545] Trial 199 finished with value: 7.000149994893448 and parameters: {'x': 2.0611870425872763, 'y': 1.2658957315496995}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,545] Trial 200 finished with value: 9.720250252035754 and parameters: {'x': 1.1835543824008021, 'y': 3.865577996383569}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,546] Trial 201 finished with value: 12.227465780083314 and parameters: {'x': 3.3562845256281584, 'y': 3.531654426003335}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,547] Trial 202 finished with value: 12.210582618377428 and parameters: {'x': 4.265777065952011, 'y': 2.6102478341800395}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,548] Trial 203 finished with value: 9.417005707712555 and parameters: {'x': 2.2138482666072563, 'y': 2.7687422062775187}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,548] Trial 204 finished with value: 11.469682332813566 and parameters: {'x': 3.25997424203055, 'y': 3.942769372376201}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,549] Trial 205 finished with value: 12.079734998646657 and parameters: {'x': 4.461347258463439, 'y': 1.5455257933952686}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,550] Trial 206 finished with value: 10.242782580711673 and parameters: {'x': 0.6780488613353464, 'y': 3.7546332592209364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,551] Trial 207 finished with value: 11.349746970151045 and parameters: {'x': 2.634166107685379, 'y': 3.9236929038023707}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,552] Trial 208 finished with value: 10.85409333443086 and parameters: {'x': 2.1496305142828613, 'y': 4.19423293806763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,552] Trial 209 finished with value: 8.748226607352638 and parameters: {'x': 2.6867701271181477, 'y': 1.2521196657508715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,553] Trial 210 finished with value: 3.6675219100206 and parameters: {'x': 0.2944700572038689, 'y': 0.4597464245382382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,554] Trial 211 finished with value: 6.733554910774435 and parameters: {'x': 0.8709997157072319, 'y': 2.1962717529913767}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,555] Trial 212 finished with value: 13.275572772621532 and parameters: {'x': 4.054671125375529, 'y': 4.552010618031673}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,555] Trial 213 finished with value: 9.156372510625387 and parameters: {'x': 2.8804535600599386, 'y': 1.455772148901746}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,556] Trial 214 finished with value: 11.053685497303166 and parameters: {'x': 3.258931858906078, 'y': 3.1896035037778403}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,557] Trial 215 finished with value: 12.688867058298401 and parameters: {'x': 2.5178736985866528, 'y': 4.827763578108981}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,558] Trial 216 finished with value: 13.143915044023823 and parameters: {'x': 4.033455748052451, 'y': 4.642596782018086}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,559] Trial 217 finished with value: 11.501118854064435 and parameters: {'x': 3.0696756333221895, 'y': 4.910019581715506}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,559] Trial 218 finished with value: 9.618849650879131 and parameters: {'x': 3.574939779226631, 'y': 0.043296357086455295}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,560] Trial 219 finished with value: 11.337201623088333 and parameters: {'x': 1.4407279049690558, 'y': 4.206993287509106}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,561] Trial 220 finished with value: 6.882791405849485 and parameters: {'x': 2.215885435136737, 'y': 0.8652486173830182}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,562] Trial 221 finished with value: 10.356085023005411 and parameters: {'x': 0.5726355611313177, 'y': 3.9894029801061537}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,562] Trial 222 finished with value: 10.902930543766338 and parameters: {'x': 3.244525757228069, 'y': 2.50872999073498}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,563] Trial 223 finished with value: 9.72674798257857 and parameters: {'x': 1.428201041160826, 'y': 3.1834791424269584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,564] Trial 224 finished with value: 8.999635175804276 and parameters: {'x': 1.8417095266511174, 'y': 2.6976927167612597}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,565] Trial 225 finished with value: 12.342284304379254 and parameters: {'x': 3.810334009899379, 'y': 4.199437405771903}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,566] Trial 226 finished with value: 8.504027200451612 and parameters: {'x': 0.5247870601084398, 'y': 2.553156541729579}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,566] Trial 227 finished with value: 9.080756473737205 and parameters: {'x': 3.2274433137208787, 'y': 0.7653340712632956}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,567] Trial 228 finished with value: 10.498147057144351 and parameters: {'x': 0.008798245521798864, 'y': 4.8352287661502515}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,568] Trial 229 finished with value: 10.625090716792682 and parameters: {'x': 4.039332666325461, 'y': 1.3703379468173575}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,569] Trial 230 finished with value: 6.1355422884542605 and parameters: {'x': 1.3954480353606296, 'y': 0.6033982071098909}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,569] Trial 231 finished with value: 12.682917751678975 and parameters: {'x': 2.403441324954285, 'y': 4.661509893812813}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,570] Trial 232 finished with value: 11.774995548643213 and parameters: {'x': 4.574637128841343, 'y': 1.219375479879055}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,571] Trial 233 finished with value: 10.978375842604487 and parameters: {'x': 1.9742914820793693, 'y': 4.851197651132945}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,572] Trial 234 finished with value: 12.119938844650308 and parameters: {'x': 1.378098168018807, 'y': 4.6892472043320685}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,573] Trial 235 finished with value: 13.137380053631484 and parameters: {'x': 3.845060785117532, 'y': 4.423593440530303}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,573] Trial 236 finished with value: 11.31174382971022 and parameters: {'x': 4.355024876220002, 'y': 0.7323547961340754}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,574] Trial 237 finished with value: 13.188985764251004 and parameters: {'x': 3.9459439396258817, 'y': 4.546111228357549}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,575] Trial 238 finished with value: 12.775291947108045 and parameters: {'x': 4.190852742653525, 'y': 3.5601559319358116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,576] Trial 239 finished with value: 7.707597241407441 and parameters: {'x': 1.536897092687322, 'y': 1.7689227738549467}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,576] Trial 240 finished with value: 5.22672624314151 and parameters: {'x': 1.1817669761188916, 'y': 0.4490581953161277}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,577] Trial 241 finished with value: 7.510297578894374 and parameters: {'x': 0.9723908716101909, 'y': 3.079039376835584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,578] Trial 242 finished with value: 13.44024542713433 and parameters: {'x': 4.660418377825547, 'y': 3.4554197489155487}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,579] Trial 243 finished with value: 8.844390826703956 and parameters: {'x': 2.8142352335212815, 'y': 1.3187789770627112}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,580] Trial 244 finished with value: 11.40539149996344 and parameters: {'x': 2.6357344044248325, 'y': 4.021914573545422}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,580] Trial 245 finished with value: 6.133436500818917 and parameters: {'x': 1.4753794695299933, 'y': 0.9166927527975044}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,581] Trial 246 finished with value: 9.542874483876695 and parameters: {'x': 0.09866229753310307, 'y': 3.716606159862748}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,582] Trial 247 finished with value: 6.48812817105026 and parameters: {'x': 0.191467020929183, 'y': 2.1683983448692428}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,583] Trial 248 finished with value: 9.554429765837991 and parameters: {'x': 4.1604238065637436, 'y': 0.06729279249878872}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,583] Trial 249 finished with value: 10.10757671940421 and parameters: {'x': 2.546676957570693, 'y': 2.397743500706264}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:13:25,584] Trial 250 finished with value: 1.0107616991357382 and parameters: {'x': 0.14827470398864118, 'y': 0.05714263412033127}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,585] Trial 251 finished with value: 6.323876055572224 and parameters: {'x': 1.6592200011724718, 'y': 0.30715539302647477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,586] Trial 252 finished with value: 12.27777005427824 and parameters: {'x': 2.990867540282372, 'y': 4.4296012676131165}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,587] Trial 253 finished with value: 5.888565518184436 and parameters: {'x': 2.0606688768197037, 'y': 0.19136099451097843}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,587] Trial 254 finished with value: 3.846931736921775 and parameters: {'x': 0.40421201895402825, 'y': 0.4095727115092429}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,588] Trial 255 finished with value: 11.116741954263512 and parameters: {'x': 4.046836669107675, 'y': 4.003470014424989}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,589] Trial 256 finished with value: 10.548427810995527 and parameters: {'x': 0.08454905677353852, 'y': 4.306471626153089}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,590] Trial 257 finished with value: 11.794532699469258 and parameters: {'x': 4.556501121762242, 'y': 2.0043834231758106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,590] Trial 258 finished with value: 11.358371336061872 and parameters: {'x': 1.4344534916885388, 'y': 4.2152244263191925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,591] Trial 259 finished with value: 8.604726890176462 and parameters: {'x': 3.0852227648870825, 'y': 0.702993633926971}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,592] Trial 260 finished with value: 10.368046930771534 and parameters: {'x': 1.1437780685795795, 'y': 4.20748985587598}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,593] Trial 261 finished with value: 10.292732211355425 and parameters: {'x': 4.22179236754099, 'y': 1.1007299669031934}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,594] Trial 262 finished with value: 11.369252561448086 and parameters: {'x': 4.05568819876081, 'y': 2.679767669445578}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,594] Trial 263 finished with value: 10.280651858444699 and parameters: {'x': 3.052142244912166, 'y': 2.6193494156314086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,595] Trial 264 finished with value: 8.07278439807948 and parameters: {'x': 3.1981457424778132, 'y': 0.025781740169585343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,596] Trial 265 finished with value: 9.556500701329405 and parameters: {'x': 0.12369391707809763, 'y': 3.4501319265785617}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,597] Trial 266 finished with value: 9.816116481887354 and parameters: {'x': 0.857965097811067, 'y': 3.469653368443282}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,597] Trial 267 finished with value: 5.842310943888105 and parameters: {'x': 1.426328115609064, 'y': 0.27552960390844206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,598] Trial 268 finished with value: 9.184290769515863 and parameters: {'x': 2.911114512930047, 'y': 1.4790936328279773}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,599] Trial 269 finished with value: 12.106973431816996 and parameters: {'x': 1.6140806778765233, 'y': 4.834946939274982}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,600] Trial 270 finished with value: 6.055173789253882 and parameters: {'x': 0.9746733239154337, 'y': 1.7369825257280702}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,601] Trial 271 finished with value: 6.801636111260548 and parameters: {'x': 0.5200703255535455, 'y': 2.0089092623724447}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,601] Trial 272 finished with value: 8.431382325178696 and parameters: {'x': 0.46423822543645576, 'y': 2.5242190323084963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,602] Trial 273 finished with value: 9.429375698322708 and parameters: {'x': 3.712953704723704, 'y': 0.026452545846914477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,603] Trial 274 finished with value: 3.601690824054902 and parameters: {'x': 0.45080584422510395, 'y': 0.2809199045597016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,604] Trial 275 finished with value: 13.867914662524237 and parameters: {'x': 4.421628316832168, 'y': 4.927929283264253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,605] Trial 276 finished with value: 8.12543959172015 and parameters: {'x': 2.6008734281374934, 'y': 0.9920871476639787}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,605] Trial 277 finished with value: 13.061611962615949 and parameters: {'x': 4.666741580415096, 'y': 3.2729910167106846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,606] Trial 278 finished with value: 11.43329057734574 and parameters: {'x': 3.9589587358004352, 'y': 2.556078393056895}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,607] Trial 279 finished with value: 10.536218642414656 and parameters: {'x': 3.9410594618961015, 'y': 1.6739836583743362}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,608] Trial 280 finished with value: 11.836721075355921 and parameters: {'x': 0.5662656720869486, 'y': 4.524069883514123}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,608] Trial 281 finished with value: 2.56045959627064 and parameters: {'x': 0.021119567542035034, 'y': 0.36751940303380193}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,609] Trial 282 finished with value: 11.83237063871328 and parameters: {'x': 0.6614568197768117, 'y': 4.7107495963735}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,610] Trial 283 finished with value: 6.367933259946817 and parameters: {'x': 1.514648431213112, 'y': 1.066565255901516}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,611] Trial 284 finished with value: 5.672598765407816 and parameters: {'x': 1.2783127625776287, 'y': 0.4796003339718996}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,612] Trial 285 finished with value: 10.385824371877787 and parameters: {'x': 2.0089894149954834, 'y': 3.655138201778497}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,612] Trial 286 finished with value: 9.468906639144176 and parameters: {'x': 3.2410496762079544, 'y': 1.2542279041725952}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,613] Trial 287 finished with value: 8.275616859112345 and parameters: {'x': 1.1371945697591408, 'y': 2.4790807917023434}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,614] Trial 288 finished with value: 12.332042617986879 and parameters: {'x': 4.323824833914893, 'y': 3.1703187656142324}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,615] Trial 289 finished with value: 10.616297086619696 and parameters: {'x': 3.7724623745413237, 'y': 2.1856159563386592}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,615] Trial 290 finished with value: 10.436104291698209 and parameters: {'x': 2.001060451213909, 'y': 3.6145815697262718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,616] Trial 291 finished with value: 8.794036139572007 and parameters: {'x': 1.861842897061573, 'y': 2.7629901519965023}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,617] Trial 292 finished with value: 8.543717978852516 and parameters: {'x': 0.40231808678595715, 'y': 2.97137783551767}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,618] Trial 293 finished with value: 10.720706351202566 and parameters: {'x': 1.404607334666036, 'y': 3.712237931572004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,619] Trial 294 finished with value: 10.791279999427607 and parameters: {'x': 1.4941359832634156, 'y': 3.787683420855808}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,619] Trial 295 finished with value: 3.3759630562706633 and parameters: {'x': 1.1318006900942001, 'y': 0.022038224615346658}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,620] Trial 296 finished with value: 6.328225222651152 and parameters: {'x': 0.6989014049359793, 'y': 1.4788185112007963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,621] Trial 297 finished with value: 7.859824043178897 and parameters: {'x': 0.9779690812537833, 'y': 2.7444101892144577}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,622] Trial 298 finished with value: 9.03281296423037 and parameters: {'x': 1.0499608504502294, 'y': 3.8924608513935106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,623] Trial 299 finished with value: 10.620615567321307 and parameters: {'x': 2.423399515211379, 'y': 3.1967019636164173}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,623] Trial 300 finished with value: 11.516797528464172 and parameters: {'x': 0.8384815371736137, 'y': 4.623413018911441}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,624] Trial 301 finished with value: 10.111886767394223 and parameters: {'x': 3.586699756816521, 'y': 0.7740680574908343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,625] Trial 302 finished with value: 9.836637987623748 and parameters: {'x': 3.6181680290969664, 'y': 0.932049629125622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,626] Trial 303 finished with value: 9.558754652272322 and parameters: {'x': 4.148322826217383, 'y': 0.9832088166987718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,627] Trial 304 finished with value: 12.425351652364135 and parameters: {'x': 4.806503345558579, 'y': 2.7379879240822897}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,628] Trial 305 finished with value: 4.323918901870375 and parameters: {'x': 1.114317998680301, 'y': 1.0636334525707207}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,629] Trial 306 finished with value: 10.305612608299866 and parameters: {'x': 3.1399398120322, 'y': 3.16638064574976}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,629] Trial 307 finished with value: 10.97430213769254 and parameters: {'x': 1.516395186429309, 'y': 4.081838757267333}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,630] Trial 308 finished with value: 9.870730647526344 and parameters: {'x': 2.0952835850444718, 'y': 4.069291426169951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,631] Trial 309 finished with value: 11.759512309986066 and parameters: {'x': 1.3260758528051553, 'y': 4.917127357017433}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,632] Trial 310 finished with value: 11.981160675499067 and parameters: {'x': 4.361526613299537, 'y': 2.242622946824728}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,633] Trial 311 finished with value: 5.876524131282984 and parameters: {'x': 1.676922549236917, 'y': 0.1485302699169916}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,634] Trial 312 finished with value: 13.102557317214668 and parameters: {'x': 4.954683743247883, 'y': 3.404747624152946}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,635] Trial 313 finished with value: 3.556361695609432 and parameters: {'x': 0.9457909320079672, 'y': 0.2252277474858655}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,635] Trial 314 finished with value: 8.87521749375287 and parameters: {'x': 0.0656977268124953, 'y': 3.309053083147978}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,636] Trial 315 finished with value: 6.476920544203612 and parameters: {'x': 0.5375617234826391, 'y': 1.5497881965234401}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,637] Trial 316 finished with value: 6.474013023556381 and parameters: {'x': 1.5397372414690502, 'y': 0.5873611308241922}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,638] Trial 317 finished with value: 13.685574803390994 and parameters: {'x': 4.734657103975001, 'y': 4.886952746178025}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,639] Trial 318 finished with value: 13.186159803321855 and parameters: {'x': 4.522396271343545, 'y': 3.980900747325177}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,640] Trial 319 finished with value: 10.182630143544603 and parameters: {'x': 0.32714711433914023, 'y': 3.5851931299846216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,641] Trial 320 finished with value: 7.545386493181928 and parameters: {'x': 2.2795521713986853, 'y': 0.7574185647525072}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,641] Trial 321 finished with value: 8.638261103686963 and parameters: {'x': 3.2336009756118003, 'y': 0.14617285939798774}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,642] Trial 322 finished with value: 13.291024791731683 and parameters: {'x': 3.7676043625502604, 'y': 4.448664730450772}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,643] Trial 323 finished with value: 5.694105094624511 and parameters: {'x': 0.05190019638577792, 'y': 1.6371392140332086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,644] Trial 324 finished with value: 10.783326963098192 and parameters: {'x': 4.142455457362445, 'y': 0.5629879698020956}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,645] Trial 325 finished with value: 9.235517675024784 and parameters: {'x': 0.12347868956855801, 'y': 4.071767644361329}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,646] Trial 326 finished with value: 6.097217281302395 and parameters: {'x': 1.2445263598758256, 'y': 1.2459829781456622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,647] Trial 327 finished with value: 5.959002451181533 and parameters: {'x': 0.7911840003011694, 'y': 1.3802797427861135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,647] Trial 328 finished with value: 7.483850239123026 and parameters: {'x': 2.14355172786834, 'y': 1.2921090270223545}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,648] Trial 329 finished with value: 7.465298730631504 and parameters: {'x': 1.8347352105276098, 'y': 1.746477966487205}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,649] Trial 330 finished with value: 7.702404747451398 and parameters: {'x': 1.66517890218663, 'y': 1.5168359888758993}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,650] Trial 331 finished with value: 7.329359741427874 and parameters: {'x': 1.575636430769551, 'y': 1.351125886959632}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,651] Trial 332 finished with value: 14.078439072449353 and parameters: {'x': 4.501473093762016, 'y': 4.834871016468915}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,652] Trial 333 finished with value: 11.805430242079208 and parameters: {'x': 4.483492736708329, 'y': 1.8663768989833134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,653] Trial 334 finished with value: 10.047661277193004 and parameters: {'x': 3.241396081360119, 'y': 1.5572090773062781}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,654] Trial 335 finished with value: 11.15966514900903 and parameters: {'x': 4.049860509608515, 'y': 4.023864483544081}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,654] Trial 336 finished with value: 10.351940922778217 and parameters: {'x': 3.9720884433516837, 'y': 0.5571758641568014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,655] Trial 337 finished with value: 11.312331656251716 and parameters: {'x': 4.057990718166497, 'y': 3.8977616929827925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,656] Trial 338 finished with value: 12.006578213933567 and parameters: {'x': 4.425400775488195, 'y': 1.612105259116436}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,657] Trial 339 finished with value: 4.546941065900725 and parameters: {'x': 0.5358271586999214, 'y': 0.8062487863403994}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,658] Trial 340 finished with value: 12.265954484314824 and parameters: {'x': 3.3639318073143447, 'y': 3.5707494667728037}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,659] Trial 341 finished with value: 9.686972424965605 and parameters: {'x': 1.1861710149027471, 'y': 4.028586842399676}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,660] Trial 342 finished with value: 13.975807137190671 and parameters: {'x': 4.59148148699102, 'y': 4.923109231094016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,660] Trial 343 finished with value: 12.615031694753085 and parameters: {'x': 4.985235725102164, 'y': 2.5796198033147206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,661] Trial 344 finished with value: 10.144438364863607 and parameters: {'x': 3.5004215430859222, 'y': 0.38279387609597704}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,662] Trial 345 finished with value: 13.285695130939878 and parameters: {'x': 4.5057074837582505, 'y': 4.0679132355585885}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,663] Trial 346 finished with value: 11.478174070108826 and parameters: {'x': 1.7953085662528945, 'y': 4.878518685464871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,664] Trial 347 finished with value: 5.066670251181307 and parameters: {'x': 1.9299304849809777, 'y': 0.0810469599552216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,665] Trial 348 finished with value: 7.725318776920252 and parameters: {'x': 0.09337227681652627, 'y': 2.7206977168107755}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,666] Trial 349 finished with value: 6.533854655052597 and parameters: {'x': 2.2157315861663758, 'y': 0.12850073723539135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,667] Trial 350 finished with value: 7.2859343683842965 and parameters: {'x': 1.8415225727936901, 'y': 2.1016025395545164}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,667] Trial 351 finished with value: 10.684908763016509 and parameters: {'x': 2.0270198062608795, 'y': 4.990388323243462}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,668] Trial 352 finished with value: 6.960187867889932 and parameters: {'x': 0.7833768772095029, 'y': 2.184794533969097}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,669] Trial 353 finished with value: 11.914386023386182 and parameters: {'x': 1.3511632715491224, 'y': 4.844817182998316}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,670] Trial 354 finished with value: 11.293224743723567 and parameters: {'x': 2.949045207579127, 'y': 3.5209321207041686}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,671] Trial 355 finished with value: 11.743346380615318 and parameters: {'x': 3.2496833610633677, 'y': 3.7770354167726987}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,672] Trial 356 finished with value: 11.679458875312944 and parameters: {'x': 4.426571355138362, 'y': 1.2652636739771244}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,673] Trial 357 finished with value: 7.773193283576287 and parameters: {'x': 1.1399690325804452, 'y': 3.013208541388202}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,673] Trial 358 finished with value: 10.168683800840451 and parameters: {'x': 1.1808208021313833, 'y': 3.6549315019705926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,674] Trial 359 finished with value: 9.62287503614435 and parameters: {'x': 3.3199945879638477, 'y': 1.1963746011645409}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,675] Trial 360 finished with value: 6.263740157827893 and parameters: {'x': 0.9295736477647659, 'y': 1.5638785802177801}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,676] Trial 361 finished with value: 8.422765161329606 and parameters: {'x': 1.8316448318363294, 'y': 2.949533951061176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,677] Trial 362 finished with value: 10.768903724134223 and parameters: {'x': 3.796194699561968, 'y': 1.6117538913772222}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,678] Trial 363 finished with value: 10.175476140465943 and parameters: {'x': 2.510110725524435, 'y': 2.9191553264881014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,679] Trial 364 finished with value: 10.554224493626993 and parameters: {'x': 1.3330044128659595, 'y': 3.56923322272833}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,680] Trial 365 finished with value: 10.428277943619925 and parameters: {'x': 2.2863555352433185, 'y': 3.251156861961829}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,680] Trial 366 finished with value: 9.397435687476593 and parameters: {'x': 2.513344192595443, 'y': 2.15696782708575}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,681] Trial 367 finished with value: 9.640255388206626 and parameters: {'x': 3.5888323054397455, 'y': 0.061804212855827156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,682] Trial 368 finished with value: 8.503077368268185 and parameters: {'x': 0.4014718752766372, 'y': 2.881864726744231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,683] Trial 369 finished with value: 10.89528845137693 and parameters: {'x': 4.06810858236602, 'y': 2.807681168241926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,684] Trial 370 finished with value: 7.572310130022002 and parameters: {'x': 3.017958480806348, 'y': 1.1029041260820605}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,685] Trial 371 finished with value: 11.35822683786316 and parameters: {'x': 4.597705213070565, 'y': 1.0275035020467445}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,686] Trial 372 finished with value: 10.334301783289174 and parameters: {'x': 3.441692822984785, 'y': 1.8760491085648985}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,686] Trial 373 finished with value: 9.366825163062781 and parameters: {'x': 1.0576451338911523, 'y': 4.104956711060199}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,687] Trial 374 finished with value: 10.319887087205322 and parameters: {'x': 0.572872190428042, 'y': 3.865253471404385}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,688] Trial 375 finished with value: 12.656247846838099 and parameters: {'x': 2.4153025902913856, 'y': 4.748548781570176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,689] Trial 376 finished with value: 10.336268730046392 and parameters: {'x': 2.7485185814912407, 'y': 2.622131045851649}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,690] Trial 377 finished with value: 12.6936342764527 and parameters: {'x': 4.367924052208163, 'y': 3.23362910079036}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,691] Trial 378 finished with value: 5.688948182824891 and parameters: {'x': 1.6461538485913811, 'y': 0.05224659864543846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,692] Trial 379 finished with value: 10.110830500819509 and parameters: {'x': 0.6854770412019723, 'y': 3.851589561924845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,692] Trial 380 finished with value: 12.273207645707943 and parameters: {'x': 4.165333083527113, 'y': 3.3233982753678104}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,693] Trial 381 finished with value: 12.484656744452234 and parameters: {'x': 2.8777810221359696, 'y': 4.542240526758478}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,694] Trial 382 finished with value: 11.425499761607393 and parameters: {'x': 3.5718757576050404, 'y': 2.4095000943864937}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,695] Trial 383 finished with value: 11.803245457094556 and parameters: {'x': 3.5369494495495686, 'y': 3.1968646099923888}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,696] Trial 384 finished with value: 9.042549452967808 and parameters: {'x': 0.12469722720175491, 'y': 4.015370361224231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,697] Trial 385 finished with value: 10.186575518036205 and parameters: {'x': 3.731743586736484, 'y': 1.9353467643436872}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,698] Trial 386 finished with value: 7.988209696799993 and parameters: {'x': 2.9316049100820516, 'y': 1.1817841776438487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,699] Trial 387 finished with value: 11.299408930796828 and parameters: {'x': 4.943151059515143, 'y': 2.9439116523280573}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,700] Trial 388 finished with value: 10.272115300169695 and parameters: {'x': 0.9953894225731719, 'y': 4.9508387129758065}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,701] Trial 389 finished with value: 11.413230783280214 and parameters: {'x': 4.265506968629001, 'y': 1.7206051686515156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,701] Trial 390 finished with value: 13.098549108408804 and parameters: {'x': 3.2852051919341596, 'y': 4.665301925763098}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,702] Trial 391 finished with value: 9.849913964349092 and parameters: {'x': 2.7953817518114112, 'y': 3.0855253870565784}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,703] Trial 392 finished with value: 12.292270609101232 and parameters: {'x': 2.3449460237387805, 'y': 4.974148831105845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,704] Trial 393 finished with value: 11.315203140090853 and parameters: {'x': 4.667368546076479, 'y': 0.14127706194105194}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,705] Trial 394 finished with value: 8.40520651084406 and parameters: {'x': 2.2419646994476965, 'y': 1.6998795591296951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,706] Trial 395 finished with value: 6.260505038728272 and parameters: {'x': 0.778811726152957, 'y': 1.478223468324038}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,707] Trial 396 finished with value: 11.472437481822912 and parameters: {'x': 3.586250970322703, 'y': 2.4350476434490167}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,708] Trial 397 finished with value: 12.235704085862338 and parameters: {'x': 1.5414894309370952, 'y': 4.599743491318141}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,709] Trial 398 finished with value: 10.519853942161596 and parameters: {'x': 3.478770004972627, 'y': 1.3835972523776308}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,710] Trial 399 finished with value: 11.915337561227599 and parameters: {'x': 3.9657694708972295, 'y': 4.993195560328999}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,711] Trial 400 finished with value: 11.320253002288661 and parameters: {'x': 3.521502151128004, 'y': 2.374145628966899}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,711] Trial 401 finished with value: 11.29090329121093 and parameters: {'x': 3.977316749198101, 'y': 2.6625305621987865}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,712] Trial 402 finished with value: 11.875663331991058 and parameters: {'x': 2.873164558462395, 'y': 4.831149901117671}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,713] Trial 403 finished with value: 12.175443931137195 and parameters: {'x': 4.713437402146087, 'y': 2.946326447389634}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,714] Trial 404 finished with value: 8.300926935758039 and parameters: {'x': 1.147792118520532, 'y': 2.4767743459617138}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,715] Trial 405 finished with value: 8.196354605338419 and parameters: {'x': 2.178274914321877, 'y': 1.6548526008809084}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,716] Trial 406 finished with value: 8.732343943691152 and parameters: {'x': 3.018750335116476, 'y': 0.4734319073153487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,717] Trial 407 finished with value: 11.831532846162496 and parameters: {'x': 0.5787878859449158, 'y': 4.848441660674134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,718] Trial 408 finished with value: 11.467460198669075 and parameters: {'x': 4.7644736377631, 'y': 1.9000070726471474}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,719] Trial 409 finished with value: 13.241272533641627 and parameters: {'x': 4.937879774226172, 'y': 3.5911532254609426}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,720] Trial 410 finished with value: 12.199229033452848 and parameters: {'x': 4.621158542946111, 'y': 1.659022406354706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,721] Trial 411 finished with value: 11.274497517651321 and parameters: {'x': 4.213027646130707, 'y': 3.024612028996253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,721] Trial 412 finished with value: 11.011320355706633 and parameters: {'x': 4.209069911893718, 'y': 0.4391846452987075}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,722] Trial 413 finished with value: 7.835987772707956 and parameters: {'x': 1.7524743073911475, 'y': 2.1459799105722226}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,723] Trial 414 finished with value: 9.801001789392005 and parameters: {'x': 4.0132414178067455, 'y': 1.2103487743058405}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,724] Trial 415 finished with value: 4.897269335440885 and parameters: {'x': 0.016661386459545513, 'y': 1.9432817255369261}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,725] Trial 416 finished with value: 11.680835279899052 and parameters: {'x': 4.607965659748283, 'y': 0.763119379038707}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,726] Trial 417 finished with value: 13.246856664211204 and parameters: {'x': 3.749972298117215, 'y': 4.7374180952583425}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,727] Trial 418 finished with value: 5.387323888817008 and parameters: {'x': 1.253885077828284, 'y': 0.787196297398004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,728] Trial 419 finished with value: 7.624139513333427 and parameters: {'x': 1.7152766785823403, 'y': 1.461602709177967}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,729] Trial 420 finished with value: 8.601597924364475 and parameters: {'x': 1.3520658837907396, 'y': 2.372438113797351}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,730] Trial 421 finished with value: 7.379291585291298 and parameters: {'x': 2.7930189821136464, 'y': 0.031737380005553706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,731] Trial 422 finished with value: 10.891688058409025 and parameters: {'x': 4.217288485526173, 'y': 0.6801696396168871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,731] Trial 423 finished with value: 10.299411814439988 and parameters: {'x': 3.8122101873765697, 'y': 0.41218452352049795}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,732] Trial 424 finished with value: 10.208464294714064 and parameters: {'x': 3.81880576682492, 'y': 1.8169659683865675}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,733] Trial 425 finished with value: 10.028817047410373 and parameters: {'x': 1.2087293105524348, 'y': 3.793127415195745}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,734] Trial 426 finished with value: 7.261182866121507 and parameters: {'x': 0.2790957476830819, 'y': 2.2438680755679603}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,735] Trial 427 finished with value: 14.24707476875786 and parameters: {'x': 4.504128191663766, 'y': 4.536426179394706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,736] Trial 428 finished with value: 11.53130854114426 and parameters: {'x': 2.34440646591819, 'y': 4.155224828254459}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,737] Trial 429 finished with value: 10.035148728001966 and parameters: {'x': 3.339457159272726, 'y': 1.3085702530437353}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,738] Trial 430 finished with value: 12.00190998770292 and parameters: {'x': 1.7877920284854298, 'y': 4.638094994544125}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,739] Trial 431 finished with value: 14.01538390195471 and parameters: {'x': 4.410506190386242, 'y': 4.788139963768522}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,740] Trial 432 finished with value: 4.666091133704892 and parameters: {'x': 1.1059764324677757, 'y': 0.7542856870743286}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,740] Trial 433 finished with value: 8.142015730690124 and parameters: {'x': 0.6161159090355595, 'y': 2.3898397730907184}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,741] Trial 434 finished with value: 11.879730726613051 and parameters: {'x': 1.2871110125996195, 'y': 4.732209161219746}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,742] Trial 435 finished with value: 11.50770167045246 and parameters: {'x': 2.4547123105592443, 'y': 3.6044560976192708}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,743] Trial 436 finished with value: 11.39469182989561 and parameters: {'x': 4.981161330369753, 'y': 2.1766888161941926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:13:25,744] Trial 437 finished with value: 0.7804106054859936 and parameters: {'x': 0.10732164140456302, 'y': 0.07550790294400644}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,745] Trial 438 finished with value: 10.429537583216518 and parameters: {'x': 2.3584819107069817, 'y': 3.190198197830021}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,746] Trial 439 finished with value: 4.96540431517192 and parameters: {'x': 0.5277377187120708, 'y': 1.0982878491684678}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,747] Trial 440 finished with value: 12.51959837127892 and parameters: {'x': 3.6746873579644275, 'y': 3.5656393265313238}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,748] Trial 441 finished with value: 13.310419785020215 and parameters: {'x': 4.801937205804211, 'y': 3.656659960854932}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,749] Trial 442 finished with value: 11.149675940912598 and parameters: {'x': 4.200232100305174, 'y': 2.9712838594594713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,749] Trial 443 finished with value: 12.343066204190144 and parameters: {'x': 3.4099618227374546, 'y': 3.554075909742147}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,750] Trial 444 finished with value: 5.6759505823925345 and parameters: {'x': 0.8780434126462405, 'y': 1.9094461322518268}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,751] Trial 445 finished with value: 6.607630149326052 and parameters: {'x': 1.9938793894736069, 'y': 1.935711389319521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,752] Trial 446 finished with value: 6.00431305323762 and parameters: {'x': 0.9366003382596688, 'y': 2.1169233194543096}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,753] Trial 447 finished with value: 13.027263446057466 and parameters: {'x': 3.689892011332293, 'y': 4.950600642632251}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,754] Trial 448 finished with value: 11.06575203582668 and parameters: {'x': 0.3441815521175967, 'y': 4.262229256565206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,755] Trial 449 finished with value: 11.233300822016634 and parameters: {'x': 3.9237478347273207, 'y': 2.3966823952125753}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,756] Trial 450 finished with value: 8.935380249107924 and parameters: {'x': 1.4876991240229658, 'y': 2.4164676051324174}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,757] Trial 451 finished with value: 11.741073301615504 and parameters: {'x': 1.9644552766060486, 'y': 4.498472398791405}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,758] Trial 452 finished with value: 6.082732869229478 and parameters: {'x': 1.400062597877147, 'y': 0.47308219360903625}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,759] Trial 453 finished with value: 8.122986607956738 and parameters: {'x': 2.5225478308799607, 'y': 0.8888340113786181}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,760] Trial 454 finished with value: 10.02573892634024 and parameters: {'x': 1.1571208454981974, 'y': 3.4887523537576577}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,761] Trial 455 finished with value: 14.122725695817879 and parameters: {'x': 4.425953927746668, 'y': 4.4820875653525025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,761] Trial 456 finished with value: 11.12488185820932 and parameters: {'x': 4.034092789320193, 'y': 3.9351871317284477}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,762] Trial 457 finished with value: 10.822916013291252 and parameters: {'x': 4.057685738995707, 'y': 1.6228102359843521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,763] Trial 458 finished with value: 7.799678963438955 and parameters: {'x': 3.104179792814024, 'y': 0.9079559307976542}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,764] Trial 459 finished with value: 13.558071660350077 and parameters: {'x': 4.263230292643333, 'y': 4.789186109978953}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,765] Trial 460 finished with value: 5.379273068061256 and parameters: {'x': 1.2629667463169851, 'y': 0.3471682486006089}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,766] Trial 461 finished with value: 13.503353859353549 and parameters: {'x': 3.6472602799256286, 'y': 4.585275919341306}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,767] Trial 462 finished with value: 9.95189832119296 and parameters: {'x': 4.217291323814577, 'y': 0.06534306686574565}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,768] Trial 463 finished with value: 7.316189589089076 and parameters: {'x': 2.1544055069289936, 'y': 1.977017966150556}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,769] Trial 464 finished with value: 6.837266790743383 and parameters: {'x': 2.107062124054001, 'y': 0.7011774809488025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,770] Trial 465 finished with value: 12.326391259520475 and parameters: {'x': 3.8061924650999472, 'y': 3.4622914922425165}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,771] Trial 466 finished with value: 12.438153329094177 and parameters: {'x': 3.059137452812551, 'y': 4.644550575118717}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,772] Trial 467 finished with value: 10.795756609067213 and parameters: {'x': 3.5770919128123864, 'y': 1.6153670832663791}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,772] Trial 468 finished with value: 12.976661440518908 and parameters: {'x': 4.080223600535277, 'y': 4.7351518146604885}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,773] Trial 469 finished with value: 8.31533623510785 and parameters: {'x': 0.8067232894823856, 'y': 2.6448926126752745}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,774] Trial 470 finished with value: 10.129849179817505 and parameters: {'x': 3.8967028438943183, 'y': 1.7891317967768172}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,775] Trial 471 finished with value: 10.495601334816916 and parameters: {'x': 1.843470804737017, 'y': 3.5058645128464376}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,776] Trial 472 finished with value: 10.088792482724358 and parameters: {'x': 2.7654320858351027, 'y': 3.113727970345309}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,777] Trial 473 finished with value: 8.489489614352319 and parameters: {'x': 1.0263837170960788, 'y': 3.215932794062375}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,778] Trial 474 finished with value: 10.997502590623936 and parameters: {'x': 2.4805922066317883, 'y': 3.284689230485689}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,779] Trial 475 finished with value: 6.291712557698734 and parameters: {'x': 1.4650440056970793, 'y': 0.7063166537840632}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,780] Trial 476 finished with value: 10.93523004668661 and parameters: {'x': 4.183730895251133, 'y': 0.5658401958833559}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,781] Trial 477 finished with value: 7.850438094434846 and parameters: {'x': 0.5599168274764549, 'y': 2.2945630290077066}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,782] Trial 478 finished with value: 11.627074996182836 and parameters: {'x': 2.074821999819689, 'y': 4.727132686901395}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,783] Trial 479 finished with value: 7.797052693640023 and parameters: {'x': 2.060681641475947, 'y': 1.629046569019739}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,783] Trial 480 finished with value: 7.032253172863296 and parameters: {'x': 1.6073255276032867, 'y': 1.246078044226684}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,784] Trial 481 finished with value: 9.717309651594512 and parameters: {'x': 3.694629393054078, 'y': 0.1452253478402482}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,785] Trial 482 finished with value: 9.28452105239339 and parameters: {'x': 3.2417304714517914, 'y': 0.32514601807110965}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,786] Trial 483 finished with value: 5.315871409227775 and parameters: {'x': 1.200964624897748, 'y': 0.4522330920560269}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,787] Trial 484 finished with value: 9.440968128035568 and parameters: {'x': 3.8048243910578416, 'y': 1.0766348745679348}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,788] Trial 485 finished with value: 11.128758047393772 and parameters: {'x': 3.4025495977679103, 'y': 2.3743371466036587}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,789] Trial 486 finished with value: 11.606968638275713 and parameters: {'x': 4.654079612466723, 'y': 0.7898450946089941}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,790] Trial 487 finished with value: 8.164509127866584 and parameters: {'x': 2.4061686085964666, 'y': 0.45546552540126295}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,791] Trial 488 finished with value: 4.215593111143367 and parameters: {'x': 0.8822884373740586, 'y': 0.3681398348093584}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,792] Trial 489 finished with value: 10.402055248667342 and parameters: {'x': 1.7199664697902828, 'y': 3.3849639252179493}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,793] Trial 490 finished with value: 7.395006822537743 and parameters: {'x': 1.3881946345175273, 'y': 1.5523358451185554}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,794] Trial 491 finished with value: 6.0595150997035425 and parameters: {'x': 0.2723050025800139, 'y': 1.5129130477433206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,795] Trial 492 finished with value: 11.838682067772567 and parameters: {'x': 4.276207744351974, 'y': 2.83923223769671}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,795] Trial 493 finished with value: 13.278499721884376 and parameters: {'x': 4.85037561346188, 'y': 3.4596523068267637}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,796] Trial 494 finished with value: 4.549486920521389 and parameters: {'x': 0.6634885345608066, 'y': 0.8018360929305579}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,797] Trial 495 finished with value: 5.690223476399435 and parameters: {'x': 1.9547778130093625, 'y': 0.864218941932488}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,798] Trial 496 finished with value: 3.8395917237234833 and parameters: {'x': 0.13501540166023784, 'y': 1.1454565746303713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,799] Trial 497 finished with value: 9.06181195713635 and parameters: {'x': 2.0097930888484257, 'y': 2.5779436380218317}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,800] Trial 498 finished with value: 4.141706705777526 and parameters: {'x': 1.050766261540541, 'y': 0.8255628900432621}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,801] Trial 499 finished with value: 10.11695865881527 and parameters: {'x': 3.4497399262396455, 'y': 0.47594639104199365}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:13:25,802] A new study created in memory with name: x=[0,4), y=[0,4)\n[I 2023-11-01 05:13:25,802] Trial 0 finished with value: 9.859778541798656 and parameters: {'x': 1.3933196794073037, 'y': 3.2358514401958347}. Best is trial 0 with value: 9.859778541798656.\n[I 2023-11-01 05:13:25,803] Trial 1 finished with value: 9.039593212528152 and parameters: {'x': 1.838548751301699, 'y': 2.504497219276703}. Best is trial 1 with value: 9.039593212528152.\n[I 2023-11-01 05:13:25,804] Trial 2 finished with value: 4.244161659801236 and parameters: {'x': 0.8145873234061498, 'y': 0.37470161910149224}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,805] Trial 3 finished with value: 10.707175702169542 and parameters: {'x': 3.902103869064555, 'y': 1.4693753133410787}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,806] Trial 4 finished with value: 7.299292877283396 and parameters: {'x': 2.305135871772639, 'y': 0.9837282718184688}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,807] Trial 5 finished with value: 10.680969952713568 and parameters: {'x': 3.96983477897882, 'y': 2.265084513109098}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,808] Trial 6 finished with value: 10.534469944310851 and parameters: {'x': 2.0671457821091552, 'y': 3.5257358718900864}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,809] Trial 7 finished with value: 6.984222753302996 and parameters: {'x': 0.04765358251977991, 'y': 2.92097283880608}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,809] Trial 8 finished with value: 8.822231479320317 and parameters: {'x': 1.2751187315175243, 'y': 2.600010316693418}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,810] Trial 9 finished with value: 10.098013003294861 and parameters: {'x': 3.30128843589085, 'y': 1.7369520482245924}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,811] Trial 10 finished with value: 6.590857000246849 and parameters: {'x': 0.6273547556415009, 'y': 1.9094396171974033}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,812] Trial 11 finished with value: 5.529780090813791 and parameters: {'x': 1.3200314988592186, 'y': 0.9621656302946389}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,813] Trial 12 finished with value: 7.964652132745382 and parameters: {'x': 2.431829240381084, 'y': 0.8558984720330014}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,814] Trial 13 finished with value: 7.2060689475395385 and parameters: {'x': 1.9347330117135004, 'y': 1.7763143086502295}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,815] Trial 14 finished with value: 7.38790703558322 and parameters: {'x': 1.4591918094157488, 'y': 1.4523362557690818}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,815] Trial 15 finished with value: 6.166968985628692 and parameters: {'x': 0.8561980303273447, 'y': 1.472478142941779}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,816] Trial 16 finished with value: 8.558532033087145 and parameters: {'x': 0.6168391828672339, 'y': 2.836747068751847}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,817] Trial 17 finished with value: 9.338342614865656 and parameters: {'x': 3.298276896472674, 'y': 1.1440750956569046}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,818] Trial 18 finished with value: 11.10649259399895 and parameters: {'x': 2.8214730316745245, 'y': 3.7744207192919066}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,819] Trial 19 finished with value: 6.7236981165918905 and parameters: {'x': 0.5425632260332911, 'y': 1.9664808329550993}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,820] Trial 20 finished with value: 9.197320562025435 and parameters: {'x': 2.6301945639685935, 'y': 2.0897056077133547}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,821] Trial 21 finished with value: 6.564082939358261 and parameters: {'x': 0.5216182433451544, 'y': 1.6125483245888965}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,821] Trial 22 finished with value: 7.760458384259243 and parameters: {'x': 1.649580915829942, 'y': 1.7232746235781753}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,822] Trial 23 finished with value: 4.692281434608283 and parameters: {'x': 0.4763457596546661, 'y': 1.0318764322136516}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,823] Trial 24 finished with value: 10.457106146198148 and parameters: {'x': 1.884117526823101, 'y': 3.515186937291592}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,824] Trial 25 finished with value: 10.28898955389791 and parameters: {'x': 3.1158246006173047, 'y': 3.1838538522785744}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,825] Trial 26 finished with value: 9.331292201439751 and parameters: {'x': 0.017672354936568713, 'y': 3.4211695299212206}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,826] Trial 27 finished with value: 10.060005028037963 and parameters: {'x': 0.786957066684185, 'y': 3.6852471668044555}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:13:25,827] Trial 28 finished with value: 3.964292399208695 and parameters: {'x': 0.46295550697412713, 'y': 0.39938900035022407}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,827] Trial 29 finished with value: 10.269990858462307 and parameters: {'x': 1.65981265679325, 'y': 3.320513303194814}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,828] Trial 30 finished with value: 11.268039501438045 and parameters: {'x': 2.633330398842245, 'y': 3.362248171171207}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,829] Trial 31 finished with value: 5.396934020251162 and parameters: {'x': 1.1949167255641462, 'y': 1.1654157413744377}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,830] Trial 32 finished with value: 9.829000907142534 and parameters: {'x': 0.8784560741266598, 'y': 3.4924433376133783}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,831] Trial 33 finished with value: 10.369946123204146 and parameters: {'x': 3.9701276532663954, 'y': 0.4997243304279091}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,832] Trial 34 finished with value: 7.682115993810168 and parameters: {'x': 2.0668884599462567, 'y': 1.4241440362775037}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,833] Trial 35 finished with value: 11.752399043322077 and parameters: {'x': 3.1788488466327007, 'y': 3.5497268271566926}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,833] Trial 36 finished with value: 12.226827133986625 and parameters: {'x': 3.4516564162177263, 'y': 3.4014755174992803}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,834] Trial 37 finished with value: 9.001126604354294 and parameters: {'x': 1.7287436729282057, 'y': 3.039231370839761}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:13:25,835] Trial 38 finished with value: 3.7033385075458476 and parameters: {'x': 0.2408286872302634, 'y': 0.9882472155647375}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,836] Trial 39 finished with value: 7.816144951505883 and parameters: {'x': 2.38247805165682, 'y': 1.0733449299813174}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,837] Trial 40 finished with value: 11.480525241689845 and parameters: {'x': 3.75901341027312, 'y': 2.453615193920154}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,838] Trial 41 finished with value: 12.202111886720926 and parameters: {'x': 3.7450474278361403, 'y': 3.7846922598231063}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,839] Trial 42 finished with value: 11.405793594949529 and parameters: {'x': 2.403226350502876, 'y': 3.745084760723254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,840] Trial 43 finished with value: 5.750984516139752 and parameters: {'x': 1.781549861697862, 'y': 0.16127595645851578}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,840] Trial 44 finished with value: 5.54345653122553 and parameters: {'x': 0.2172688339262261, 'y': 1.3822698988079365}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,841] Trial 45 finished with value: 10.060905765872992 and parameters: {'x': 0.7979283545488918, 'y': 3.5741214978277833}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,842] Trial 46 finished with value: 6.959205036747614 and parameters: {'x': 0.5164581753461488, 'y': 2.0663302791013227}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,843] Trial 47 finished with value: 11.03616182271487 and parameters: {'x': 3.9480950365448084, 'y': 3.96645174529096}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,844] Trial 48 finished with value: 6.614950609692865 and parameters: {'x': 0.6310986798933471, 'y': 1.6589654222068524}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,845] Trial 49 finished with value: 9.175626846648905 and parameters: {'x': 2.745981291764348, 'y': 1.4264809557268383}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,846] Trial 50 finished with value: 8.515399997037537 and parameters: {'x': 2.6274468517453085, 'y': 0.6861219767706412}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,846] Trial 51 finished with value: 5.435487475041612 and parameters: {'x': 1.9397491625683356, 'y': 1.0202429416259573}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,847] Trial 52 finished with value: 9.745806897619802 and parameters: {'x': 3.430168293505469, 'y': 0.2317638687174539}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,848] Trial 53 finished with value: 9.752071545230551 and parameters: {'x': 2.7855338170640893, 'y': 3.043792727489718}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,849] Trial 54 finished with value: 4.4704695077871826 and parameters: {'x': 0.5271026419422009, 'y': 0.6223072245090484}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,850] Trial 55 finished with value: 12.03918283506897 and parameters: {'x': 3.2704636918929406, 'y': 3.5829796005976884}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,851] Trial 56 finished with value: 10.18696347807152 and parameters: {'x': 3.9278091591189184, 'y': 2.9741530786699166}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,851] Trial 57 finished with value: 7.556126379464672 and parameters: {'x': 3.0881791182582132, 'y': 0.9834557500733685}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,852] Trial 58 finished with value: 9.185903992885615 and parameters: {'x': 3.3688244164395478, 'y': 0.07370278788612072}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,853] Trial 59 finished with value: 6.280576366644379 and parameters: {'x': 0.5731961180739842, 'y': 1.450687583583008}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,854] Trial 60 finished with value: 7.742064083775642 and parameters: {'x': 1.5656204313309159, 'y': 1.7387483442563485}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,855] Trial 61 finished with value: 11.132968842390083 and parameters: {'x': 3.39312495501294, 'y': 2.843245434223765}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,856] Trial 62 finished with value: 8.567754039160308 and parameters: {'x': 1.8015413117258299, 'y': 2.944191104585469}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,856] Trial 63 finished with value: 4.832743885161232 and parameters: {'x': 0.4465773656006653, 'y': 1.0891525830804647}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,857] Trial 64 finished with value: 11.104507548957141 and parameters: {'x': 2.8701212402413727, 'y': 3.733795236099265}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,858] Trial 65 finished with value: 7.40615921330866 and parameters: {'x': 2.3241082704852536, 'y': 0.9776882221678127}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,859] Trial 66 finished with value: 11.505979204998482 and parameters: {'x': 2.737406586939625, 'y': 3.6572814342341977}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,860] Trial 67 finished with value: 6.534579593040267 and parameters: {'x': 1.2195404608268183, 'y': 1.9017797211719087}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,861] Trial 68 finished with value: 9.930908552455072 and parameters: {'x': 0.5560221319737524, 'y': 3.3681618420035133}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,862] Trial 69 finished with value: 6.901786099055903 and parameters: {'x': 2.272307748983125, 'y': 0.12754687071613713}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,863] Trial 70 finished with value: 9.998882920157838 and parameters: {'x': 0.7698589318554725, 'y': 3.7592329794195254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,863] Trial 71 finished with value: 7.919037470960159 and parameters: {'x': 2.600456136224802, 'y': 0.12119274231295663}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,864] Trial 72 finished with value: 9.62924260549343 and parameters: {'x': 3.5723994726880854, 'y': 0.054357180230217406}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:13:25,865] Trial 73 finished with value: 0.2151968790881824 and parameters: {'x': 0.04884273066499656, 'y': 0.016513827190637542}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,866] Trial 74 finished with value: 5.876716919840415 and parameters: {'x': 0.1695058988291449, 'y': 1.5451156431523292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,867] Trial 75 finished with value: 6.50152632645646 and parameters: {'x': 1.253513702284081, 'y': 1.3314201920039643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,868] Trial 76 finished with value: 10.073728693626201 and parameters: {'x': 1.790940909549009, 'y': 3.9306183079192376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,868] Trial 77 finished with value: 11.592961833859302 and parameters: {'x': 3.3382684898030006, 'y': 3.247600734696528}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,869] Trial 78 finished with value: 8.524339728788682 and parameters: {'x': 2.7939800283677414, 'y': 1.9465730742746103}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,870] Trial 79 finished with value: 6.810148362488738 and parameters: {'x': 2.250517079552346, 'y': 0.1412007733389138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,871] Trial 80 finished with value: 4.578449067293313 and parameters: {'x': 0.9513282606596039, 'y': 0.5176395568530854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,872] Trial 81 finished with value: 8.03611178521659 and parameters: {'x': 2.7495574802101426, 'y': 0.8605322444674512}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,873] Trial 82 finished with value: 9.0484191526951 and parameters: {'x': 3.302135926381046, 'y': 0.9473176516728192}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,873] Trial 83 finished with value: 12.120266358270943 and parameters: {'x': 3.6739792951218915, 'y': 3.934808570119411}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,874] Trial 84 finished with value: 10.402439856923305 and parameters: {'x': 1.9698964088020623, 'y': 3.506429165248168}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,875] Trial 85 finished with value: 4.160126567431099 and parameters: {'x': 0.7989548719069344, 'y': 0.3462904341027335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,876] Trial 86 finished with value: 8.553032648925823 and parameters: {'x': 2.9162754648283156, 'y': 0.42806181200585414}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,877] Trial 87 finished with value: 10.608490346655685 and parameters: {'x': 3.2532379182350595, 'y': 3.0910275017250406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,878] Trial 88 finished with value: 3.7015802211423185 and parameters: {'x': 0.2322645623258115, 'y': 0.5625554562742372}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,878] Trial 89 finished with value: 9.191385997850857 and parameters: {'x': 2.547976011875257, 'y': 1.516626324984331}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,879] Trial 90 finished with value: 6.442237775568518 and parameters: {'x': 1.1361400624445248, 'y': 1.4499627343902555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,880] Trial 91 finished with value: 10.0445479409038 and parameters: {'x': 1.1371007311701828, 'y': 3.5410274711784107}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,881] Trial 92 finished with value: 10.977920512951362 and parameters: {'x': 3.757065188327247, 'y': 2.8931772973556926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,882] Trial 93 finished with value: 8.235795283382567 and parameters: {'x': 2.082113472254048, 'y': 2.9454209884361773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,882] Trial 94 finished with value: 9.93034334231159 and parameters: {'x': 3.464529351420215, 'y': 0.28253052622114705}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,883] Trial 95 finished with value: 4.12794561810944 and parameters: {'x': 0.4961925387838706, 'y': 0.44012286036116954}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,884] Trial 96 finished with value: 9.770704684742935 and parameters: {'x': 0.9230872571633748, 'y': 3.490669945563004}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,885] Trial 97 finished with value: 8.019703025801185 and parameters: {'x': 3.1355638961169685, 'y': 1.0714067782110388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,886] Trial 98 finished with value: 10.506967336266714 and parameters: {'x': 3.0207104304758863, 'y': 3.849499571070234}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,887] Trial 99 finished with value: 9.769323851016116 and parameters: {'x': 2.924175184757402, 'y': 2.3448622903364957}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,887] Trial 100 finished with value: 8.640166243405007 and parameters: {'x': 2.7226932337739216, 'y': 0.4994786053724156}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,888] Trial 101 finished with value: 10.089444683751838 and parameters: {'x': 3.871491069827993, 'y': 0.33848581827426116}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,889] Trial 102 finished with value: 8.186227648748062 and parameters: {'x': 1.2200983012467015, 'y': 2.360577004611718}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,890] Trial 103 finished with value: 8.06051983142751 and parameters: {'x': 2.4520107245963514, 'y': 0.8297937319854545}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,891] Trial 104 finished with value: 8.386680858343565 and parameters: {'x': 0.3249375577272491, 'y': 2.6079869824945696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,892] Trial 105 finished with value: 7.348582073690469 and parameters: {'x': 1.067582975461931, 'y': 2.9485118438811426}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,893] Trial 106 finished with value: 6.205295019163518 and parameters: {'x': 2.06997945847861, 'y': 0.8137554383860333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,893] Trial 107 finished with value: 10.986137556963685 and parameters: {'x': 3.5765675535466497, 'y': 2.2201968827903356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,894] Trial 108 finished with value: 11.476111653910753 and parameters: {'x': 3.6031268809452617, 'y': 2.4312641887005704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,895] Trial 109 finished with value: 7.3944165656711185 and parameters: {'x': 2.8733924329055345, 'y': 1.0206703053627808}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,896] Trial 110 finished with value: 8.139625158792638 and parameters: {'x': 2.820147250520451, 'y': 1.1666515616728446}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,897] Trial 111 finished with value: 4.933785005094766 and parameters: {'x': 1.9178777080752796, 'y': 0.021013293830758784}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,898] Trial 112 finished with value: 5.624930891218909 and parameters: {'x': 1.4332515629066673, 'y': 0.17797717789785095}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,899] Trial 113 finished with value: 6.094411408044536 and parameters: {'x': 0.8831892500246643, 'y': 1.7561596489534015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,899] Trial 114 finished with value: 10.350248108508522 and parameters: {'x': 0.5621434508607988, 'y': 3.8269720325807453}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,900] Trial 115 finished with value: 4.446371638664033 and parameters: {'x': 1.0795604822820097, 'y': 0.7805852288782855}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,901] Trial 116 finished with value: 11.379784239135127 and parameters: {'x': 3.635131315146991, 'y': 2.829311753826587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,902] Trial 117 finished with value: 9.874730007709653 and parameters: {'x': 3.4682953737404696, 'y': 0.8220673834864538}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,903] Trial 118 finished with value: 9.807764019725601 and parameters: {'x': 0.9494737467704817, 'y': 3.530087053993743}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,904] Trial 119 finished with value: 11.410294712002278 and parameters: {'x': 3.9871173808297056, 'y': 3.842963180939406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,905] Trial 120 finished with value: 7.719275347795678 and parameters: {'x': 2.0065123631697337, 'y': 1.5455205599702864}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,906] Trial 121 finished with value: 9.277457289195318 and parameters: {'x': 1.6182801213473015, 'y': 3.027341246168199}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,906] Trial 122 finished with value: 7.763855358987204 and parameters: {'x': 0.9363421887709489, 'y': 3.111505973359827}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,907] Trial 123 finished with value: 9.110185341215733 and parameters: {'x': 2.5624184237197096, 'y': 1.8247744584254226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,908] Trial 124 finished with value: 6.528727778503942 and parameters: {'x': 0.40511538340101305, 'y': 1.8765124216775555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,909] Trial 125 finished with value: 12.364248094899766 and parameters: {'x': 3.7277047674793513, 'y': 3.7247168959501478}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,910] Trial 126 finished with value: 11.011311935244251 and parameters: {'x': 2.3685755137917592, 'y': 3.3575240438917673}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,911] Trial 127 finished with value: 7.258172960937385 and parameters: {'x': 1.2317497913178186, 'y': 2.159008680800039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,912] Trial 128 finished with value: 7.430708868599407 and parameters: {'x': 2.3883691403099236, 'y': 0.09910389553271326}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,913] Trial 129 finished with value: 4.377886023640851 and parameters: {'x': 0.7326561110324659, 'y': 0.4290136452924571}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,913] Trial 130 finished with value: 9.679292695512402 and parameters: {'x': 3.7296188437089395, 'y': 0.15512078425954456}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,914] Trial 131 finished with value: 8.925525251448645 and parameters: {'x': 3.9106045264751623, 'y': 0.9588186728514732}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,915] Trial 132 finished with value: 6.6398318289712215 and parameters: {'x': 0.48236236064767146, 'y': 1.7600763848392056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,916] Trial 133 finished with value: 9.293731400441033 and parameters: {'x': 3.128480998346366, 'y': 1.7400833037468666}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,917] Trial 134 finished with value: 9.874323707396623 and parameters: {'x': 3.484209234756394, 'y': 1.0985066631040374}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,918] Trial 135 finished with value: 8.631833679924338 and parameters: {'x': 1.8948794514066605, 'y': 3.117613250216388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,919] Trial 136 finished with value: 10.275675796090006 and parameters: {'x': 3.3991273948311873, 'y': 1.8340578173776851}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,920] Trial 137 finished with value: 10.359721880073934 and parameters: {'x': 2.6267802049016957, 'y': 3.085700377707863}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,921] Trial 138 finished with value: 8.210833865250711 and parameters: {'x': 2.516363850598352, 'y': 0.8196266205695761}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,922] Trial 139 finished with value: 12.022924135876615 and parameters: {'x': 3.389095679740186, 'y': 3.3529398437885245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,922] Trial 140 finished with value: 9.304331326398993 and parameters: {'x': 1.642346402818133, 'y': 2.651197454795302}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,923] Trial 141 finished with value: 8.686674607755023 and parameters: {'x': 1.7089786565719036, 'y': 2.316092187475462}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,924] Trial 142 finished with value: 6.997240891390188 and parameters: {'x': 2.0776459027142766, 'y': 0.5371464989205403}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,925] Trial 143 finished with value: 9.576903304434243 and parameters: {'x': 3.7642216964945523, 'y': 0.9019122546912715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,926] Trial 144 finished with value: 9.803241032909828 and parameters: {'x': 3.5326499741645327, 'y': 0.9714572510032968}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,927] Trial 145 finished with value: 7.8071162529029365 and parameters: {'x': 0.9530674923667211, 'y': 2.7634909126453584}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,928] Trial 146 finished with value: 10.075231814652724 and parameters: {'x': 3.48441276263407, 'y': 0.7180431183628277}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,929] Trial 147 finished with value: 6.375922180024251 and parameters: {'x': 1.8046886318843813, 'y': 0.7459821381585212}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,930] Trial 148 finished with value: 9.413608486585655 and parameters: {'x': 3.933916726426555, 'y': 1.9585479049450258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,930] Trial 149 finished with value: 10.28412430704962 and parameters: {'x': 3.3148229892276877, 'y': 1.535581323171066}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,931] Trial 150 finished with value: 4.350627454821726 and parameters: {'x': 0.21250281775814894, 'y': 1.1646549470884318}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,932] Trial 151 finished with value: 9.291214543796979 and parameters: {'x': 3.767119014514924, 'y': 0.05554223443280559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,933] Trial 152 finished with value: 11.262615388974723 and parameters: {'x': 2.6782951778417865, 'y': 3.9068321042955114}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,934] Trial 153 finished with value: 7.037404672005643 and parameters: {'x': 1.5623448927156396, 'y': 1.2560764485773763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,935] Trial 154 finished with value: 6.290638213631119 and parameters: {'x': 0.9897733601874057, 'y': 1.578485331567916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,936] Trial 155 finished with value: 5.736349520417626 and parameters: {'x': 0.625380744133333, 'y': 1.2821182192654983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,937] Trial 156 finished with value: 6.766715854131045 and parameters: {'x': 2.027214829584737, 'y': 1.8991490484783213}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,937] Trial 157 finished with value: 10.87770316730678 and parameters: {'x': 2.4079485621216716, 'y': 3.282445457145102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,938] Trial 158 finished with value: 10.035889093507278 and parameters: {'x': 1.2347496820084465, 'y': 3.842653042199124}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,939] Trial 159 finished with value: 10.304801724231645 and parameters: {'x': 0.6662920601396958, 'y': 3.6561413772209934}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,940] Trial 160 finished with value: 7.637435938861136 and parameters: {'x': 1.9853065750934986, 'y': 1.4879383070697996}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,941] Trial 161 finished with value: 6.8235965706121124 and parameters: {'x': 1.4821404923034507, 'y': 1.2254013635508776}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,942] Trial 162 finished with value: 5.601998291743918 and parameters: {'x': 1.6890528206784348, 'y': 0.011438891268208184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,943] Trial 163 finished with value: 2.849084346027542 and parameters: {'x': 0.06295370518636378, 'y': 1.031830480408582}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,944] Trial 164 finished with value: 6.399098494880953 and parameters: {'x': 2.0751471528509584, 'y': 0.7772473107038773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,944] Trial 165 finished with value: 8.392320801794583 and parameters: {'x': 1.9414122925975796, 'y': 2.320254719400466}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,945] Trial 166 finished with value: 10.243672123912138 and parameters: {'x': 2.374158598267379, 'y': 3.127409484267983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,946] Trial 167 finished with value: 10.239794754974406 and parameters: {'x': 2.4530394334748618, 'y': 2.597858884115015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,947] Trial 168 finished with value: 8.664885822736856 and parameters: {'x': 2.3260047004211732, 'y': 1.4595369973445482}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,948] Trial 169 finished with value: 8.313484934031424 and parameters: {'x': 0.7976136598357257, 'y': 2.5722926319517176}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,949] Trial 170 finished with value: 7.439426909141176 and parameters: {'x': 0.892794726117486, 'y': 2.3176771815226087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,950] Trial 171 finished with value: 10.764393870053514 and parameters: {'x': 3.3966726052998424, 'y': 2.236227111224998}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,951] Trial 172 finished with value: 7.672732461844447 and parameters: {'x': 0.6565399271869343, 'y': 2.266383207388518}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,952] Trial 173 finished with value: 9.912718580952895 and parameters: {'x': 3.4427460583166134, 'y': 0.767008084023082}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,952] Trial 174 finished with value: 7.492130034499652 and parameters: {'x': 2.431786498107929, 'y': 0.0012019289323461635}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,953] Trial 175 finished with value: 11.432963250400805 and parameters: {'x': 2.398579419032148, 'y': 3.626689061898129}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,954] Trial 176 finished with value: 4.679324472600673 and parameters: {'x': 0.5046659693982054, 'y': 1.0136426491222448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,955] Trial 177 finished with value: 10.014653304662277 and parameters: {'x': 3.6656304163043663, 'y': 0.8136327917263362}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,956] Trial 178 finished with value: 9.42189561442088 and parameters: {'x': 2.9282945598665706, 'y': 2.2735780055911254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,957] Trial 179 finished with value: 8.238792467050876 and parameters: {'x': 0.9229106738167738, 'y': 3.1755356848963574}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,958] Trial 180 finished with value: 10.022809360818055 and parameters: {'x': 1.8937739918677239, 'y': 3.353392061020511}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,959] Trial 181 finished with value: 8.665501391018337 and parameters: {'x': 1.9430207704425881, 'y': 3.1412220082989495}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,960] Trial 182 finished with value: 10.499929595705158 and parameters: {'x': 1.6045313764477873, 'y': 3.3928183933266634}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,960] Trial 183 finished with value: 9.054465657737579 and parameters: {'x': 3.177504629624753, 'y': 1.881574039728204}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,961] Trial 184 finished with value: 3.241811376658486 and parameters: {'x': 0.5532265700325287, 'y': 0.061759306737271036}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,962] Trial 185 finished with value: 7.4816312909029214 and parameters: {'x': 2.24354351082847, 'y': 0.7086458008507504}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,963] Trial 186 finished with value: 8.508435442027885 and parameters: {'x': 2.8176162725062777, 'y': 0.3911023288613231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,964] Trial 187 finished with value: 4.003956371062326 and parameters: {'x': 0.857305088806247, 'y': 0.31075294610825965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,965] Trial 188 finished with value: 9.062669397549 and parameters: {'x': 2.5195873392164465, 'y': 2.027339028317335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,966] Trial 189 finished with value: 12.30418779730045 and parameters: {'x': 3.5218480070541975, 'y': 3.885144033046055}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,967] Trial 190 finished with value: 8.009208681763505 and parameters: {'x': 0.7113367701524909, 'y': 2.3745769144946838}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,967] Trial 191 finished with value: 12.315806722956946 and parameters: {'x': 3.5396118541352206, 'y': 3.879451669911221}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,968] Trial 192 finished with value: 10.020296150989592 and parameters: {'x': 3.469458015012512, 'y': 1.1690347203106715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,969] Trial 193 finished with value: 10.537264287309405 and parameters: {'x': 3.5770634585862493, 'y': 1.3211248037407284}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,970] Trial 194 finished with value: 10.289151352354983 and parameters: {'x': 2.569659832403738, 'y': 2.8024819222942092}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,971] Trial 195 finished with value: 3.731060228910131 and parameters: {'x': 0.24760921660013002, 'y': 0.5521423661189173}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,972] Trial 196 finished with value: 5.9435690466674735 and parameters: {'x': 1.3769545180557197, 'y': 0.7936675641809834}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,972] Trial 197 finished with value: 9.743775215528842 and parameters: {'x': 0.12280025833501451, 'y': 3.6135186276359184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,973] Trial 198 finished with value: 5.873860931591558 and parameters: {'x': 1.0968336994868557, 'y': 2.0440842501161494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,974] Trial 199 finished with value: 10.709851532989827 and parameters: {'x': 1.4035187216015639, 'y': 3.6233773243557295}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,975] Trial 200 finished with value: 9.954064110925012 and parameters: {'x': 3.726106479619608, 'y': 1.1507434606307019}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,976] Trial 201 finished with value: 9.176752015086375 and parameters: {'x': 2.9657694175449376, 'y': 1.6248824147200915}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,977] Trial 202 finished with value: 8.145954329559796 and parameters: {'x': 1.0228360176486495, 'y': 2.5618407253423037}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,977] Trial 203 finished with value: 6.436303642075089 and parameters: {'x': 0.1490956988241905, 'y': 2.189578164919726}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,978] Trial 204 finished with value: 11.111376943310047 and parameters: {'x': 3.8600995766607973, 'y': 2.749935443832355}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,979] Trial 205 finished with value: 9.129251992511671 and parameters: {'x': 1.1056290533154534, 'y': 3.962676922705223}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,980] Trial 206 finished with value: 8.370841149672748 and parameters: {'x': 3.239100750458276, 'y': 0.022500014848797267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,981] Trial 207 finished with value: 9.291509527012558 and parameters: {'x': 3.00568373091447, 'y': 3.0819509181231135}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,982] Trial 208 finished with value: 9.526550833010017 and parameters: {'x': 1.6196305250074117, 'y': 3.1125193232568216}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,982] Trial 209 finished with value: 9.615589923726578 and parameters: {'x': 3.267739114462778, 'y': 0.5385583215982779}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,983] Trial 210 finished with value: 9.531798143488427 and parameters: {'x': 0.25581569974990925, 'y': 3.3448825637277912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,984] Trial 211 finished with value: 8.604070357784977 and parameters: {'x': 0.46414482840332383, 'y': 2.832521354655352}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,985] Trial 212 finished with value: 10.38897582976456 and parameters: {'x': 1.8211110188726547, 'y': 3.7486718651916884}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,986] Trial 213 finished with value: 6.661796469044116 and parameters: {'x': 1.9281477756028131, 'y': 1.926628295959115}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,986] Trial 214 finished with value: 9.292910051092164 and parameters: {'x': 2.7294285878695597, 'y': 1.5245259127637056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,987] Trial 215 finished with value: 11.474812810352063 and parameters: {'x': 2.545072973407813, 'y': 3.482446850845249}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,988] Trial 216 finished with value: 5.7436489654843506 and parameters: {'x': 1.495433610786303, 'y': 0.15421009122365392}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,989] Trial 217 finished with value: 9.730716734806999 and parameters: {'x': 1.0030835880141065, 'y': 3.480006126880088}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,990] Trial 218 finished with value: 10.264000182790559 and parameters: {'x': 2.564834864793566, 'y': 2.484511186533039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,990] Trial 219 finished with value: 9.603307511303695 and parameters: {'x': 1.3610131034034234, 'y': 3.1908647326982806}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,991] Trial 220 finished with value: 4.369001281478198 and parameters: {'x': 1.188627464139461, 'y': 0.18369767028726258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,992] Trial 221 finished with value: 9.76991966254143 and parameters: {'x': 3.8988662451422833, 'y': 0.7602578472113932}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,993] Trial 222 finished with value: 7.137655618781169 and parameters: {'x': 0.8347420348689671, 'y': 2.2420510780813876}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,994] Trial 223 finished with value: 8.91040625724673 and parameters: {'x': 1.359216232474024, 'y': 2.9027621524655793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,995] Trial 224 finished with value: 11.368714852239679 and parameters: {'x': 2.6445670042252885, 'y': 3.876078195544568}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,996] Trial 225 finished with value: 10.370157440060499 and parameters: {'x': 3.388476359892063, 'y': 1.7522052503971564}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,996] Trial 226 finished with value: 11.459382868502663 and parameters: {'x': 3.4584850215221827, 'y': 2.5951719092807926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,997] Trial 227 finished with value: 10.992736541581595 and parameters: {'x': 2.7749761828694957, 'y': 3.8717898238860258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,998] Trial 228 finished with value: 7.960140413458749 and parameters: {'x': 0.9736103991275695, 'y': 3.148002172690902}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:25,999] Trial 229 finished with value: 10.377944264894046 and parameters: {'x': 2.5711654315986396, 'y': 2.664355196945022}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,000] Trial 230 finished with value: 6.558542754486279 and parameters: {'x': 1.617684226621781, 'y': 0.5009300791074658}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,001] Trial 231 finished with value: 9.801280921370413 and parameters: {'x': 3.348864026127328, 'y': 0.6625226793267869}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,001] Trial 232 finished with value: 9.167661545649594 and parameters: {'x': 2.481063154756097, 'y': 2.0968547757011087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,002] Trial 233 finished with value: 6.150568677473988 and parameters: {'x': 1.4320715535757742, 'y': 0.45112212163791376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,003] Trial 234 finished with value: 10.36635285952934 and parameters: {'x': 2.6644869443995005, 'y': 2.6897335048134448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,004] Trial 235 finished with value: 7.531591242768647 and parameters: {'x': 3.0831372403659976, 'y': 1.0036575398106162}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,005] Trial 236 finished with value: 10.035422239052489 and parameters: {'x': 3.5198774303521683, 'y': 1.1425514372805075}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,006] Trial 237 finished with value: 9.747190810113583 and parameters: {'x': 2.78954877508854, 'y': 2.2980258422520596}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,006] Trial 238 finished with value: 6.647193961090235 and parameters: {'x': 1.5618737305507815, 'y': 1.1428627402717866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,007] Trial 239 finished with value: 8.357914032300853 and parameters: {'x': 0.7818357971652818, 'y': 2.6659101963759047}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,008] Trial 240 finished with value: 9.656882953625262 and parameters: {'x': 3.2838729239453666, 'y': 1.2518782671452753}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,009] Trial 241 finished with value: 4.838606650477356 and parameters: {'x': 1.127651816024295, 'y': 0.7335738505655183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,010] Trial 242 finished with value: 12.064321613162095 and parameters: {'x': 3.3862929216823847, 'y': 3.8922095982680984}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,011] Trial 243 finished with value: 5.822931001256965 and parameters: {'x': 0.843687297412858, 'y': 1.9968974725397945}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,011] Trial 244 finished with value: 8.866855790726733 and parameters: {'x': 1.791902197140785, 'y': 2.4009084063607844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,012] Trial 245 finished with value: 6.557772166801325 and parameters: {'x': 1.9511937840850044, 'y': 1.2280913997344816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,013] Trial 246 finished with value: 9.787312354764817 and parameters: {'x': 3.3850961812501184, 'y': 1.1683630635558386}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,014] Trial 247 finished with value: 8.742829301568904 and parameters: {'x': 1.290558108097346, 'y': 2.4965225650679197}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,015] Trial 248 finished with value: 5.447490691876528 and parameters: {'x': 1.2059451471107838, 'y': 1.1624171543365662}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,016] Trial 249 finished with value: 9.027061550566758 and parameters: {'x': 1.9721500708771305, 'y': 2.5821701263026706}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,016] Trial 250 finished with value: 8.370883952152802 and parameters: {'x': 2.0538727135449584, 'y': 3.0770091803969715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,017] Trial 251 finished with value: 6.1153726013671275 and parameters: {'x': 0.8027764524925125, 'y': 2.032544886977046}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,018] Trial 252 finished with value: 10.426201145618794 and parameters: {'x': 3.530000655936235, 'y': 1.9646909371038488}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,019] Trial 253 finished with value: 11.504352063246044 and parameters: {'x': 3.816490922242502, 'y': 2.574605945133567}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,020] Trial 254 finished with value: 3.6130679732594935 and parameters: {'x': 0.23439520071222253, 'y': 0.9496283244843569}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,021] Trial 255 finished with value: 8.960956292931078 and parameters: {'x': 2.429179382846859, 'y': 2.0614389779376254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,021] Trial 256 finished with value: 7.364789420958257 and parameters: {'x': 3.035093792038067, 'y': 0.9398447121883335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,022] Trial 257 finished with value: 9.673715570709936 and parameters: {'x': 3.1085749997602905, 'y': 3.082467370803549}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,023] Trial 258 finished with value: 9.00033912597185 and parameters: {'x': 1.7433926655885386, 'y': 2.815818892405104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,024] Trial 259 finished with value: 11.24134202520955 and parameters: {'x': 3.830897877980727, 'y': 3.1785503483468083}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,025] Trial 260 finished with value: 9.610231355415435 and parameters: {'x': 0.43688167234642616, 'y': 3.277646712875464}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,025] Trial 261 finished with value: 8.21666138796502 and parameters: {'x': 2.542123575455598, 'y': 0.2751187058016402}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,026] Trial 262 finished with value: 10.75947517839813 and parameters: {'x': 1.5247058737186108, 'y': 3.968763572725166}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,027] Trial 263 finished with value: 9.476301269444532 and parameters: {'x': 3.410888705095577, 'y': 0.13987760450072928}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,028] Trial 264 finished with value: 8.128276506902818 and parameters: {'x': 0.9167791726823133, 'y': 2.5520365155606983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,029] Trial 265 finished with value: 5.660390527847323 and parameters: {'x': 0.13316563567089323, 'y': 1.7738623850744313}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,030] Trial 266 finished with value: 10.03745409879572 and parameters: {'x': 2.4562187521087386, 'y': 2.419717111405486}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,031] Trial 267 finished with value: 10.560729471075781 and parameters: {'x': 3.5383932628189894, 'y': 2.0750260479642955}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,031] Trial 268 finished with value: 6.911335606142488 and parameters: {'x': 1.8383476485245498, 'y': 1.269369919672592}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,032] Trial 269 finished with value: 6.263776883229383 and parameters: {'x': 1.8146924690185848, 'y': 0.7771183396725552}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,033] Trial 270 finished with value: 3.192283264509687 and parameters: {'x': 0.5438691082990537, 'y': 0.03168737130430621}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,034] Trial 271 finished with value: 9.25236139200286 and parameters: {'x': 1.163392218103672, 'y': 3.268717065064702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,035] Trial 272 finished with value: 7.615378153862055 and parameters: {'x': 0.11342996964423246, 'y': 2.781838540120356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,036] Trial 273 finished with value: 12.083086480354083 and parameters: {'x': 3.718917140075738, 'y': 3.3135414546878836}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,036] Trial 274 finished with value: 8.673172499161506 and parameters: {'x': 2.7587041874302267, 'y': 2.001624771327751}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,037] Trial 275 finished with value: 8.175856457154929 and parameters: {'x': 2.262024392522807, 'y': 2.048018787543821}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,038] Trial 276 finished with value: 6.027361661814201 and parameters: {'x': 1.1483245406422165, 'y': 1.9641797906360914}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,039] Trial 277 finished with value: 10.26132967547642 and parameters: {'x': 1.2170697034940483, 'y': 3.6809586684084397}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,040] Trial 278 finished with value: 6.584369196688137 and parameters: {'x': 1.4804530139174736, 'y': 1.1573874484627762}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,041] Trial 279 finished with value: 8.199773560716626 and parameters: {'x': 2.2385982079618105, 'y': 1.7941482446178587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,041] Trial 280 finished with value: 8.719226999352626 and parameters: {'x': 2.330905924819994, 'y': 1.7269819988722892}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,042] Trial 281 finished with value: 7.9595970366033875 and parameters: {'x': 2.5626694586361602, 'y': 0.14912568287478267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,043] Trial 282 finished with value: 11.329548540338816 and parameters: {'x': 3.431748611790516, 'y': 2.4684755464465375}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,044] Trial 283 finished with value: 5.9275598315386375 and parameters: {'x': 2.092801441089609, 'y': 1.0540812353681415}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,045] Trial 284 finished with value: 7.6442036867422924 and parameters: {'x': 2.1315161168892627, 'y': 1.342052211185913}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,046] Trial 285 finished with value: 5.336605414006623 and parameters: {'x': 1.2293885830337024, 'y': 0.39436061033300085}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,047] Trial 286 finished with value: 8.748815175839605 and parameters: {'x': 1.5092662387537024, 'y': 2.33469150262076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,048] Trial 287 finished with value: 10.33057890967017 and parameters: {'x': 3.8696424603175674, 'y': 1.7529400600215008}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,048] Trial 288 finished with value: 8.919797455084531 and parameters: {'x': 2.736416794176971, 'y': 2.0760583880204533}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,049] Trial 289 finished with value: 4.441157898677751 and parameters: {'x': 0.6958328287107154, 'y': 0.470775876927795}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,050] Trial 290 finished with value: 3.900552561783101 and parameters: {'x': 0.5199313793034581, 'y': 0.32732432513248844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,051] Trial 291 finished with value: 8.4180528356603 and parameters: {'x': 0.7484945528039133, 'y': 2.6092566567467186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,052] Trial 292 finished with value: 5.13151636527822 and parameters: {'x': 1.2725579972339172, 'y': 0.24811942487439165}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,053] Trial 293 finished with value: 9.467588278822692 and parameters: {'x': 2.8308688610430583, 'y': 3.0095214839284186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,054] Trial 294 finished with value: 11.40932682166175 and parameters: {'x': 3.5016671059800655, 'y': 3.068332225841167}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,055] Trial 295 finished with value: 11.661897145446092 and parameters: {'x': 3.4223465922726612, 'y': 3.2012730241498057}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,055] Trial 296 finished with value: 9.123309357405901 and parameters: {'x': 2.732092776659147, 'y': 2.127504908381725}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,056] Trial 297 finished with value: 9.58492096234577 and parameters: {'x': 2.812843939728247, 'y': 2.910435060816296}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,057] Trial 298 finished with value: 9.565362051884232 and parameters: {'x': 3.130495435347729, 'y': 2.9985457513559854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,058] Trial 299 finished with value: 7.688521848293625 and parameters: {'x': 2.3808104012848714, 'y': 0.9405175456205148}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,059] Trial 300 finished with value: 9.268401643125605 and parameters: {'x': 2.660731982373358, 'y': 1.6961501616917607}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,060] Trial 301 finished with value: 11.756809498893748 and parameters: {'x': 3.5227386286659543, 'y': 3.1848834998657916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,061] Trial 302 finished with value: 9.282918995429277 and parameters: {'x': 1.600901891232203, 'y': 2.7736174889703293}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,062] Trial 303 finished with value: 7.659822694499102 and parameters: {'x': 2.3514385867290546, 'y': 0.8604323469568076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,063] Trial 304 finished with value: 10.947484710652777 and parameters: {'x': 3.32130714864281, 'y': 3.0857173995915015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,063] Trial 305 finished with value: 9.941649002120565 and parameters: {'x': 3.4685901543950464, 'y': 0.7841745036496555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,064] Trial 306 finished with value: 6.27356836019511 and parameters: {'x': 0.9345120049722722, 'y': 1.5947313886006702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,065] Trial 307 finished with value: 11.83364009119155 and parameters: {'x': 3.753370456866888, 'y': 3.9573484830875594}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,066] Trial 308 finished with value: 11.087232620133545 and parameters: {'x': 2.279350606371401, 'y': 3.7268743041396815}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,067] Trial 309 finished with value: 9.951975997023917 and parameters: {'x': 1.2403215035040316, 'y': 3.907655524302301}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,068] Trial 310 finished with value: 7.450686198128425 and parameters: {'x': 1.4513014117435676, 'y': 1.4980418365942643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,069] Trial 311 finished with value: 8.217850926127987 and parameters: {'x': 2.4311030505177547, 'y': 0.6706713636599648}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,070] Trial 312 finished with value: 12.406694735290257 and parameters: {'x': 3.445533620110704, 'y': 3.6864830191075653}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,071] Trial 313 finished with value: 8.355448839522436 and parameters: {'x': 2.4767818245907787, 'y': 0.4945173522551629}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,072] Trial 314 finished with value: 6.283579650025068 and parameters: {'x': 1.7752592462908199, 'y': 0.7951081388275099}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,072] Trial 315 finished with value: 8.632220504465216 and parameters: {'x': 0.5643025059386781, 'y': 2.684344565673266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,073] Trial 316 finished with value: 6.173476799859856 and parameters: {'x': 0.9955169767369765, 'y': 1.479993490627923}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,074] Trial 317 finished with value: 10.075216693479428 and parameters: {'x': 1.3868514166713086, 'y': 3.2996527689371966}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,075] Trial 318 finished with value: 9.83265703053972 and parameters: {'x': 3.366594797411336, 'y': 0.37837696063200044}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,076] Trial 319 finished with value: 5.7641899377365355 and parameters: {'x': 1.0936157216969309, 'y': 2.0154939269359304}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,077] Trial 320 finished with value: 8.039049361310239 and parameters: {'x': 3.17926984150359, 'y': 0.0792946855486929}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,078] Trial 321 finished with value: 6.374372677227711 and parameters: {'x': 2.1576817063632108, 'y': 0.1816974223108332}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,079] Trial 322 finished with value: 10.692914630859786 and parameters: {'x': 2.191060676892676, 'y': 3.7523333591725074}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,080] Trial 323 finished with value: 4.272621529228328 and parameters: {'x': 0.5120655829592051, 'y': 0.49862800124716555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,080] Trial 324 finished with value: 5.667686004248164 and parameters: {'x': 1.974151489946808, 'y': 1.0873543411469573}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,081] Trial 325 finished with value: 3.14911825941741 and parameters: {'x': 0.05384257085487931, 'y': 0.5119500254322102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,082] Trial 326 finished with value: 11.430558534518452 and parameters: {'x': 3.167994699715818, 'y': 3.7564746079924434}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,083] Trial 327 finished with value: 9.519234463129628 and parameters: {'x': 3.922791270118661, 'y': 1.9209613389345819}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,084] Trial 328 finished with value: 8.54792782659565 and parameters: {'x': 0.6676983242757633, 'y': 2.7206798714034965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,086] Trial 329 finished with value: 10.343957494971903 and parameters: {'x': 3.796174706674506, 'y': 1.7961720398228866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,087] Trial 330 finished with value: 7.393260976478766 and parameters: {'x': 0.9303477639875446, 'y': 2.8881061672077695}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,087] Trial 331 finished with value: 4.168211622506824 and parameters: {'x': 0.568033427516911, 'y': 0.40076474146192886}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,088] Trial 332 finished with value: 8.352151380568776 and parameters: {'x': 2.5248892794224953, 'y': 0.37669484776274276}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,089] Trial 333 finished with value: 10.372212386228597 and parameters: {'x': 0.5486382147448605, 'y': 3.8023016805571226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,090] Trial 334 finished with value: 11.465116931323431 and parameters: {'x': 2.5549011493678657, 'y': 3.9985995148160476}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,091] Trial 335 finished with value: 7.533651547982446 and parameters: {'x': 3.1122260433973805, 'y': 0.06789981521679245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,092] Trial 336 finished with value: 4.518450949546146 and parameters: {'x': 0.8319125264768537, 'y': 0.5088830882153448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,093] Trial 337 finished with value: 11.187215237484192 and parameters: {'x': 2.2890048592452192, 'y': 3.637230987841597}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,094] Trial 338 finished with value: 10.631217468377777 and parameters: {'x': 3.212460725698297, 'y': 3.151238069716407}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,095] Trial 339 finished with value: 7.915541564276795 and parameters: {'x': 2.74287845774048, 'y': 0.9216415115955656}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,095] Trial 340 finished with value: 9.673978866468232 and parameters: {'x': 3.7908591198317727, 'y': 0.1932091267248519}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,096] Trial 341 finished with value: 5.40304171497252 and parameters: {'x': 0.954423029584103, 'y': 1.969828102065398}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,097] Trial 342 finished with value: 12.042616210694453 and parameters: {'x': 3.3733840526910974, 'y': 3.376876997921342}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,098] Trial 343 finished with value: 8.785656690828066 and parameters: {'x': 0.5127988159592372, 'y': 3.034373595835823}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,099] Trial 344 finished with value: 8.058158484803876 and parameters: {'x': 1.1635372808096633, 'y': 3.0573367491756858}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,100] Trial 345 finished with value: 10.362114273889164 and parameters: {'x': 3.347100872005856, 'y': 1.5076593906340912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,100] Trial 346 finished with value: 11.392777604957166 and parameters: {'x': 2.7909279129092934, 'y': 3.6798647776849185}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,101] Trial 347 finished with value: 8.257572560266517 and parameters: {'x': 1.8747106902665256, 'y': 2.9264405129485396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,102] Trial 348 finished with value: 1.191533546628932 and parameters: {'x': 0.04098816215805545, 'y': 0.17575252540152997}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,103] Trial 349 finished with value: 6.528414693370539 and parameters: {'x': 2.0986759869413723, 'y': 1.1635260998377377}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,104] Trial 350 finished with value: 4.578848126507644 and parameters: {'x': 0.7850809443858684, 'y': 0.5846514384255186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,105] Trial 351 finished with value: 4.717440335628027 and parameters: {'x': 1.0561713549229714, 'y': 1.1750808591313686}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,106] Trial 352 finished with value: 8.62433938989944 and parameters: {'x': 2.914436298305064, 'y': 0.5192348455391631}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,106] Trial 353 finished with value: 8.28157910362034 and parameters: {'x': 2.515171096976729, 'y': 0.7715967853955292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,107] Trial 354 finished with value: 8.031780167962317 and parameters: {'x': 2.499557269956178, 'y': 0.2222792532667559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,108] Trial 355 finished with value: 9.137449237447111 and parameters: {'x': 1.677582622614922, 'y': 3.023643543029472}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,109] Trial 356 finished with value: 9.799768279881432 and parameters: {'x': 0.9309103481609493, 'y': 3.653612348612905}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,110] Trial 357 finished with value: 9.14726937689981 and parameters: {'x': 0.9114826668177916, 'y': 3.8759524431225048}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,111] Trial 358 finished with value: 8.644835094085106 and parameters: {'x': 1.2588950259545113, 'y': 2.48788875134704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,112] Trial 359 finished with value: 9.053231827241326 and parameters: {'x': 0.5869817235510006, 'y': 3.130377458831803}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,112] Trial 360 finished with value: 3.411285954506919 and parameters: {'x': 0.7050586121580449, 'y': 0.12680082581006102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,113] Trial 361 finished with value: 6.447468025493851 and parameters: {'x': 1.4220967532913322, 'y': 1.1594983078421475}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,114] Trial 362 finished with value: 9.813601898285599 and parameters: {'x': 3.685269522802166, 'y': 0.8893489297364794}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,115] Trial 363 finished with value: 8.104774870743212 and parameters: {'x': 2.532211234879781, 'y': 0.2291961280504231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,116] Trial 364 finished with value: 11.567426758994019 and parameters: {'x': 3.580392966262677, 'y': 2.534915475101615}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,117] Trial 365 finished with value: 6.430551183634282 and parameters: {'x': 1.8510739401287246, 'y': 0.36315241813681265}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,118] Trial 366 finished with value: 10.196750361368728 and parameters: {'x': 3.9286133392638902, 'y': 3.0065275678507266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,118] Trial 367 finished with value: 11.204693514709696 and parameters: {'x': 3.7055910447225733, 'y': 2.308877509177674}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,119] Trial 368 finished with value: 6.634120639228918 and parameters: {'x': 1.778248827954719, 'y': 0.47372214586660366}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,120] Trial 369 finished with value: 5.539252636912586 and parameters: {'x': 0.013568479012842527, 'y': 1.7195890827411842}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,121] Trial 370 finished with value: 5.976968207153636 and parameters: {'x': 1.7824860939905829, 'y': 0.9016025301978696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,122] Trial 371 finished with value: 5.264081263969686 and parameters: {'x': 1.2636779461519687, 'y': 1.0270311801286396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,123] Trial 372 finished with value: 9.719222267426572 and parameters: {'x': 1.0181424006401238, 'y': 3.686905356694062}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,124] Trial 373 finished with value: 9.17258988928529 and parameters: {'x': 3.0146465869507315, 'y': 1.4200477277472183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,124] Trial 374 finished with value: 10.448858271486321 and parameters: {'x': 1.9164062512120363, 'y': 3.610922045132941}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,125] Trial 375 finished with value: 8.29517954260463 and parameters: {'x': 3.0542344761550297, 'y': 0.7503530230121647}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,126] Trial 376 finished with value: 5.46022332083805 and parameters: {'x': 1.3498322891457715, 'y': 0.23519239497756717}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,127] Trial 377 finished with value: 10.31151529518906 and parameters: {'x': 1.232620618038632, 'y': 3.6810969767719772}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,128] Trial 378 finished with value: 9.620428111076176 and parameters: {'x': 0.05302978990486018, 'y': 3.5562617518764283}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,129] Trial 379 finished with value: 7.145067016910065 and parameters: {'x': 2.8704006458623246, 'y': 0.05856204340429816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,130] Trial 380 finished with value: 7.615509022271754 and parameters: {'x': 2.0298324622047974, 'y': 1.4358335026956333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,130] Trial 381 finished with value: 10.916095141366544 and parameters: {'x': 2.3697860126664643, 'y': 3.321808345274754}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,131] Trial 382 finished with value: 12.399401740420132 and parameters: {'x': 3.466580215969038, 'y': 3.519267049908465}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,132] Trial 383 finished with value: 12.44262680181242 and parameters: {'x': 3.7310071734911925, 'y': 3.6643780634045138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,133] Trial 384 finished with value: 9.142527082249929 and parameters: {'x': 2.882719416839632, 'y': 1.6461840523728104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,134] Trial 385 finished with value: 9.239754233553501 and parameters: {'x': 2.5759608140989747, 'y': 1.5391631459672297}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,135] Trial 386 finished with value: 6.284598645056207 and parameters: {'x': 0.8702285303132826, 'y': 1.672129456953738}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,136] Trial 387 finished with value: 10.152804966108985 and parameters: {'x': 3.6934629366226015, 'y': 0.744845969281184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,136] Trial 388 finished with value: 3.389312682331248 and parameters: {'x': 0.053694591129884284, 'y': 1.1261876829075792}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,137] Trial 389 finished with value: 10.283447623535013 and parameters: {'x': 3.2388795618896027, 'y': 2.974622653487798}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,138] Trial 390 finished with value: 11.302617455565434 and parameters: {'x': 3.515598201960283, 'y': 2.908952204458161}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,139] Trial 391 finished with value: 11.125939966673439 and parameters: {'x': 2.4941310914546113, 'y': 3.325759234467637}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,140] Trial 392 finished with value: 10.816812218801022 and parameters: {'x': 2.4885158267517737, 'y': 3.224158476295799}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,141] Trial 393 finished with value: 10.050727622585395 and parameters: {'x': 1.2107379893350432, 'y': 3.4332492569334763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,142] Trial 394 finished with value: 5.95575827799291 and parameters: {'x': 0.6692460786760335, 'y': 1.3454235380425494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,142] Trial 395 finished with value: 8.903415776483602 and parameters: {'x': 1.006126472829457, 'y': 3.279586119031793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,143] Trial 396 finished with value: 4.547039657651432 and parameters: {'x': 0.7650725322320575, 'y': 0.5336811286061329}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,144] Trial 397 finished with value: 7.646434899367684 and parameters: {'x': 1.5191921106060464, 'y': 1.9600495063208347}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,145] Trial 398 finished with value: 8.23501821441278 and parameters: {'x': 2.464469780852896, 'y': 0.7313268391281604}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,146] Trial 399 finished with value: 8.78323456105996 and parameters: {'x': 2.3595946161420396, 'y': 1.4770688236450096}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,147] Trial 400 finished with value: 11.07950687309173 and parameters: {'x': 2.7633452013271462, 'y': 3.8532351310288586}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,148] Trial 401 finished with value: 9.011181143989141 and parameters: {'x': 0.655696041444696, 'y': 3.149145726131916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:13:26,148] Trial 402 finished with value: 0.21108155708882137 and parameters: {'x': 0.025106650762250826, 'y': 0.044143703865536565}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,149] Trial 403 finished with value: 4.526352639294384 and parameters: {'x': 0.6040185419770716, 'y': 0.5878079950089186}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,150] Trial 404 finished with value: 10.340964653977816 and parameters: {'x': 3.922897219307625, 'y': 0.49698547657353664}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,151] Trial 405 finished with value: 11.540325958618682 and parameters: {'x': 2.71638072852915, 'y': 3.569585834030987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,152] Trial 406 finished with value: 6.933258476365397 and parameters: {'x': 2.959069099663764, 'y': 0.04356363809009567}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,153] Trial 407 finished with value: 10.254178574604502 and parameters: {'x': 2.6298707108398554, 'y': 2.4547503705112566}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,154] Trial 408 finished with value: 10.405598398037926 and parameters: {'x': 1.7389756543820347, 'y': 3.3948028236020438}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,154] Trial 409 finished with value: 10.05170557739612 and parameters: {'x': 2.1334557265352014, 'y': 3.868058156883832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,155] Trial 410 finished with value: 7.887839083942328 and parameters: {'x': 1.6287170896550038, 'y': 2.0897524947265884}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,156] Trial 411 finished with value: 10.097956892334187 and parameters: {'x': 0.26943310227075745, 'y': 3.6493057219845557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,157] Trial 412 finished with value: 12.397487232313319 and parameters: {'x': 3.6728053515894983, 'y': 3.7555399684970867}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,158] Trial 413 finished with value: 7.7502659636836295 and parameters: {'x': 2.1963460321873667, 'y': 1.8724424201058856}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,159] Trial 414 finished with value: 12.241300305489641 and parameters: {'x': 3.4785432697512286, 'y': 3.923978720743307}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,160] Trial 415 finished with value: 9.624761197683 and parameters: {'x': 2.996713083928662, 'y': 2.3080426422065425}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,160] Trial 416 finished with value: 8.886410547926278 and parameters: {'x': 0.10292278890589968, 'y': 3.986448817996}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,161] Trial 417 finished with value: 12.100939315290324 and parameters: {'x': 3.771874453396725, 'y': 3.3433333766881055}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,162] Trial 418 finished with value: 9.49851289582427 and parameters: {'x': 1.3519286769698113, 'y': 3.172081894155109}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,163] Trial 419 finished with value: 8.485090347805786 and parameters: {'x': 2.7821019543892733, 'y': 0.3698217566305906}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,164] Trial 420 finished with value: 7.063063066010319 and parameters: {'x': 0.5229450172512125, 'y': 2.09602817646162}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,165] Trial 421 finished with value: 7.590651626257822 and parameters: {'x': 2.280842459714937, 'y': 1.1567589240790626}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,166] Trial 422 finished with value: 10.344647702828512 and parameters: {'x': 3.8273839653448762, 'y': 0.5691294933683881}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,167] Trial 423 finished with value: 8.547161960427571 and parameters: {'x': 1.2455727745592617, 'y': 2.4579433723422466}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,167] Trial 424 finished with value: 2.526398416087993 and parameters: {'x': 0.346073360573548, 'y': 0.07793340180577557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,168] Trial 425 finished with value: 10.148507008831835 and parameters: {'x': 3.999959224017629, 'y': 2.1755982994371954}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,169] Trial 426 finished with value: 9.038592963824982 and parameters: {'x': 2.591949962224946, 'y': 1.9928356931176459}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,170] Trial 427 finished with value: 6.9931641066296955 and parameters: {'x': 2.236211904249122, 'y': 0.21387538672672113}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,171] Trial 428 finished with value: 9.134617235514785 and parameters: {'x': 3.158548992949356, 'y': 2.116827573324681}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,172] Trial 429 finished with value: 3.261339563420208 and parameters: {'x': 1.095888545241697, 'y': 0.08121109210178323}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,173] Trial 430 finished with value: 5.795248953033454 and parameters: {'x': 0.7365576458376459, 'y': 1.3205923166777298}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,173] Trial 431 finished with value: 12.252994876582656 and parameters: {'x': 3.9556281513375544, 'y': 3.599134727042208}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,174] Trial 432 finished with value: 9.50669025502117 and parameters: {'x': 2.2612986337706773, 'y': 2.8305818026196548}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,175] Trial 433 finished with value: 6.17155536225377 and parameters: {'x': 1.4535549443577427, 'y': 0.8061218372041883}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,176] Trial 434 finished with value: 7.330274947797166 and parameters: {'x': 2.998473426438397, 'y': 1.0577641880364999}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,177] Trial 435 finished with value: 8.234903033718643 and parameters: {'x': 2.6969037673592906, 'y': 1.1116266886879185}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,178] Trial 436 finished with value: 10.626381760856646 and parameters: {'x': 2.4911711112382458, 'y': 3.1667404829508645}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,179] Trial 437 finished with value: 6.508127609588357 and parameters: {'x': 1.7007902059654354, 'y': 0.39030525510783143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,180] Trial 438 finished with value: 9.044811275943646 and parameters: {'x': 1.7013920933763602, 'y': 2.858407769926415}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,180] Trial 439 finished with value: 9.008508877213199 and parameters: {'x': 3.041837585563343, 'y': 2.191445148488896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,181] Trial 440 finished with value: 11.905780093271849 and parameters: {'x': 3.226206925709196, 'y': 3.5904942026565596}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,182] Trial 441 finished with value: 9.93731915889512 and parameters: {'x': 3.349901621290708, 'y': 1.2592206426730508}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,183] Trial 442 finished with value: 8.975206970956329 and parameters: {'x': 2.1533551473851507, 'y': 2.3477216015918714}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,184] Trial 443 finished with value: 11.022339107405864 and parameters: {'x': 3.7218204317554098, 'y': 2.969339733446317}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,185] Trial 444 finished with value: 7.793452455376546 and parameters: {'x': 2.9749405864994456, 'y': 0.8144062904287135}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,186] Trial 445 finished with value: 5.3928498697735385 and parameters: {'x': 1.0023536798403767, 'y': 1.9609821375155065}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,186] Trial 446 finished with value: 8.44113147671768 and parameters: {'x': 0.578915866335016, 'y': 2.514276989395927}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,187] Trial 447 finished with value: 9.260996483941742 and parameters: {'x': 2.546649800269987, 'y': 2.103928080274987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,188] Trial 448 finished with value: 8.355894074982917 and parameters: {'x': 2.4916755111872475, 'y': 0.443576668606922}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,189] Trial 449 finished with value: 10.857185288969665 and parameters: {'x': 3.9927550695232834, 'y': 2.780052820739364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,190] Trial 450 finished with value: 9.6700383959976 and parameters: {'x': 3.372010239312165, 'y': 0.27511738674902375}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,191] Trial 451 finished with value: 9.626184795100908 and parameters: {'x': 0.7461085156314828, 'y': 3.337309217922648}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,192] Trial 452 finished with value: 9.649121603028515 and parameters: {'x': 2.789330472287906, 'y': 2.935068581388643}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,193] Trial 453 finished with value: 5.052213553206837 and parameters: {'x': 0.2620305670474905, 'y': 1.2484923925015976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,194] Trial 454 finished with value: 9.222251359304856 and parameters: {'x': 2.782626659345648, 'y': 1.4677608336129824}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,194] Trial 455 finished with value: 10.436945315860191 and parameters: {'x': 3.6936877337548544, 'y': 1.8510790107698516}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,195] Trial 456 finished with value: 4.962481628455059 and parameters: {'x': 0.4089812959284349, 'y': 1.1398111353619549}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,196] Trial 457 finished with value: 6.51230720914808 and parameters: {'x': 1.6231294294881788, 'y': 0.7295441233125257}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,197] Trial 458 finished with value: 10.56229721261589 and parameters: {'x': 1.650641190443264, 'y': 3.426933525709896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,198] Trial 459 finished with value: 9.653118757839884 and parameters: {'x': 2.61592306415803, 'y': 2.2206931869195916}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,199] Trial 460 finished with value: 10.67350425509411 and parameters: {'x': 1.7521963772660163, 'y': 3.558573523393536}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,200] Trial 461 finished with value: 8.708600936674987 and parameters: {'x': 1.9271105969994888, 'y': 2.393237861052923}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,201] Trial 462 finished with value: 3.7506086448421634 and parameters: {'x': 1.0494635736730475, 'y': 0.9584980735204098}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,202] Trial 463 finished with value: 9.598474512965854 and parameters: {'x': 0.03539959574504348, 'y': 3.6231365952220584}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,202] Trial 464 finished with value: 8.974946699354579 and parameters: {'x': 0.9809944954317862, 'y': 3.8863509276479857}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,203] Trial 465 finished with value: 7.772058988673429 and parameters: {'x': 1.0510947219993967, 'y': 3.1081610988411383}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,204] Trial 466 finished with value: 9.276000540651202 and parameters: {'x': 2.6260969953224196, 'y': 2.113940854424979}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,205] Trial 467 finished with value: 9.471032643776867 and parameters: {'x': 0.743259416089181, 'y': 3.2970146386381223}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,206] Trial 468 finished with value: 10.259476572914593 and parameters: {'x': 3.8217833488349022, 'y': 0.6361069051358492}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,207] Trial 469 finished with value: 6.457099650100211 and parameters: {'x': 0.7645348847707507, 'y': 1.6984123902533894}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,208] Trial 470 finished with value: 2.063085021632414 and parameters: {'x': 0.19769269071737483, 'y': 0.18945631103221228}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,209] Trial 471 finished with value: 4.207855684959583 and parameters: {'x': 0.40157342389645523, 'y': 0.594188019456364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,210] Trial 472 finished with value: 4.146218703746907 and parameters: {'x': 0.3423750083190007, 'y': 0.8019459319131306}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,211] Trial 473 finished with value: 10.01353546655346 and parameters: {'x': 2.5958179050471477, 'y': 2.341003534870675}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,212] Trial 474 finished with value: 9.569395460866058 and parameters: {'x': 1.510089205063304, 'y': 3.1127636951494377}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,212] Trial 475 finished with value: 6.283597376683087 and parameters: {'x': 0.7360855719356194, 'y': 1.9490968776301902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,213] Trial 476 finished with value: 7.869681957805096 and parameters: {'x': 0.9096106796882286, 'y': 2.764915570387479}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,214] Trial 477 finished with value: 11.192095977398395 and parameters: {'x': 2.8037299655192665, 'y': 3.7620631677983236}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,215] Trial 478 finished with value: 4.427443669547809 and parameters: {'x': 0.6591004528098448, 'y': 0.47741899872377846}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,216] Trial 479 finished with value: 10.354234141119697 and parameters: {'x': 3.7934581813527313, 'y': 0.44935790813022347}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,217] Trial 480 finished with value: 11.472892968979941 and parameters: {'x': 3.6969090560602127, 'y': 3.1385155822785213}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,218] Trial 481 finished with value: 9.575248257035602 and parameters: {'x': 0.7423717629231437, 'y': 3.3220258703289143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,219] Trial 482 finished with value: 6.708094948839129 and parameters: {'x': 0.11392226349831924, 'y': 2.248702684925605}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,220] Trial 483 finished with value: 7.512671613029504 and parameters: {'x': 1.6545076524482751, 'y': 1.4079545649809178}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,221] Trial 484 finished with value: 9.225371873776844 and parameters: {'x': 3.1197440455956627, 'y': 1.7480286992791503}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,222] Trial 485 finished with value: 8.644775582144975 and parameters: {'x': 3.277433870074068, 'y': 0.03762725050179805}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,222] Trial 486 finished with value: 9.34806610224668 and parameters: {'x': 2.130809674433918, 'y': 2.559396381704046}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,223] Trial 487 finished with value: 10.235510313932078 and parameters: {'x': 1.3029296167223055, 'y': 3.4136852817415533}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,224] Trial 488 finished with value: 8.505807953242515 and parameters: {'x': 2.715452161679803, 'y': 0.6948465727890976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,225] Trial 489 finished with value: 5.927707311877974 and parameters: {'x': 1.3414850400325458, 'y': 0.5075975702630036}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,226] Trial 490 finished with value: 11.103488669840118 and parameters: {'x': 2.319494070977358, 'y': 3.4488429902385724}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,227] Trial 491 finished with value: 10.355196985609664 and parameters: {'x': 3.96479539855673, 'y': 2.2110810986202902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,228] Trial 492 finished with value: 8.829678564856053 and parameters: {'x': 0.17281094473408487, 'y': 3.2493371853435034}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,229] Trial 493 finished with value: 6.7152972835150315 and parameters: {'x': 2.0030516525284563, 'y': 0.6144779672961334}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,230] Trial 494 finished with value: 8.83428182278424 and parameters: {'x': 0.4728307107402876, 'y': 3.058814201887216}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,231] Trial 495 finished with value: 4.5846587937858025 and parameters: {'x': 0.18319816044558834, 'y': 1.2216716397362832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,232] Trial 496 finished with value: 11.24437461300541 and parameters: {'x': 3.3709738172649604, 'y': 2.5037428477898285}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,233] Trial 497 finished with value: 10.611654875736399 and parameters: {'x': 2.1195657505770105, 'y': 3.6646007700484367}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,233] Trial 498 finished with value: 6.9973027578278995 and parameters: {'x': 1.9878017516227215, 'y': 1.8250387245599597}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,234] Trial 499 finished with value: 9.515740035109893 and parameters: {'x': 3.78782724739539, 'y': 0.15184831525247633}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:13:26,235] A new study created in memory with name: x=[1,3), y=[1,3)\n[I 2023-11-01 05:13:26,236] Trial 0 finished with value: 9.501280285096856 and parameters: {'x': 2.1795551304711878, 'y': 2.5469138645456475}. Best is trial 0 with value: 9.501280285096856.\n[I 2023-11-01 05:13:26,237] Trial 1 finished with value: 7.689690058529395 and parameters: {'x': 2.116941820323029, 'y': 1.3704460118285542}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:13:26,237] Trial 2 finished with value: 8.869154016661145 and parameters: {'x': 1.734893579523559, 'y': 2.3800301262465355}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:13:26,238] Trial 3 finished with value: 9.217083724375263 and parameters: {'x': 2.5463037482718427, 'y': 1.698250749178961}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:13:26,239] Trial 4 finished with value: 6.620326818681299 and parameters: {'x': 1.3418267714049732, 'y': 1.2749591602362444}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:13:26,240] Trial 5 finished with value: 9.947604021051855 and parameters: {'x': 2.328190210719468, 'y': 2.542129917484096}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:13:26,241] Trial 6 finished with value: 10.111364306571687 and parameters: {'x': 2.992415863822332, 'y': 2.445973518335129}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:13:26,242] Trial 7 finished with value: 8.117689709113845 and parameters: {'x': 2.518112634863238, 'y': 1.0345349209545471}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:13:26,243] Trial 8 finished with value: 8.599980015079133 and parameters: {'x': 1.985150133883719, 'y': 2.361999061196193}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:13:26,243] Trial 9 finished with value: 6.466307419325002 and parameters: {'x': 1.0815335322750994, 'y': 1.6010550958884728}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:13:26,244] Trial 10 finished with value: 8.748658037765297 and parameters: {'x': 1.983065686509458, 'y': 2.4013248906189615}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:13:26,245] Trial 11 finished with value: 4.280422047649996 and parameters: {'x': 1.0053750515354973, 'y': 1.1344853944712368}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,246] Trial 12 finished with value: 7.631641045157027 and parameters: {'x': 1.5136532280501904, 'y': 1.5621179581261906}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,247] Trial 13 finished with value: 5.126684569001355 and parameters: {'x': 1.0943183618191, 'y': 1.2102968958712526}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,248] Trial 14 finished with value: 9.200375404047493 and parameters: {'x': 1.485146457738034, 'y': 2.9442744467689}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,248] Trial 15 finished with value: 9.496066674328905 and parameters: {'x': 2.9893985683076987, 'y': 2.285295712632221}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,249] Trial 16 finished with value: 9.20722421376879 and parameters: {'x': 2.888794756172593, 'y': 2.9479421929365683}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,250] Trial 17 finished with value: 9.820418190182155 and parameters: {'x': 2.7489324125385366, 'y': 2.929928470528349}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,251] Trial 18 finished with value: 7.68682424815664 and parameters: {'x': 1.7693477747355273, 'y': 1.6880511561059623}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,251] Trial 19 finished with value: 6.23361005262851 and parameters: {'x': 1.0278738361908484, 'y': 1.4858953052005117}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,252] Trial 20 finished with value: 8.183951521175912 and parameters: {'x': 2.191259277116293, 'y': 1.4515483770275646}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,253] Trial 21 finished with value: 8.387527249929715 and parameters: {'x': 2.317659241765322, 'y': 1.9236263660786883}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,254] Trial 22 finished with value: 7.28969285733878 and parameters: {'x': 1.7768688655704867, 'y': 1.3408983120046298}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,254] Trial 23 finished with value: 9.661281182879502 and parameters: {'x': 2.2434246133626727, 'y': 2.706378756341615}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,255] Trial 24 finished with value: 9.241054440156928 and parameters: {'x': 1.639685998678829, 'y': 2.550800978853915}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,256] Trial 25 finished with value: 9.492202191083631 and parameters: {'x': 2.8437203833277316, 'y': 2.8949435337203635}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,257] Trial 26 finished with value: 8.739874474944795 and parameters: {'x': 1.459781325603565, 'y': 2.351888773662857}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,258] Trial 27 finished with value: 8.973115982363957 and parameters: {'x': 1.6843967683601837, 'y': 2.4048917604855475}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,258] Trial 28 finished with value: 8.47252181314089 and parameters: {'x': 2.922716542694479, 'y': 1.2624815334953179}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,259] Trial 29 finished with value: 7.849748665716774 and parameters: {'x': 2.0648190920986487, 'y': 1.5820191742716103}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,260] Trial 30 finished with value: 7.225452638805441 and parameters: {'x': 1.3323600161247302, 'y': 2.0169392602346585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,261] Trial 31 finished with value: 8.497265009934077 and parameters: {'x': 1.1907150947448137, 'y': 2.711658305757213}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,262] Trial 32 finished with value: 5.58563603594332 and parameters: {'x': 1.164753074337394, 'y': 1.226778345604655}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,263] Trial 33 finished with value: 7.513168780303209 and parameters: {'x': 1.438771558179375, 'y': 1.8561933890452214}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,264] Trial 34 finished with value: 10.036185032484997 and parameters: {'x': 2.7588346246330424, 'y': 2.8045362579158644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,264] Trial 35 finished with value: 9.725500430892048 and parameters: {'x': 2.248857539172614, 'y': 2.5451257493449897}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,265] Trial 36 finished with value: 9.303195937042831 and parameters: {'x': 2.6499797485839593, 'y': 2.129994395445907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,266] Trial 37 finished with value: 7.504659314912903 and parameters: {'x': 1.4170785888985076, 'y': 1.6023382914670337}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,267] Trial 38 finished with value: 7.594638748301016 and parameters: {'x': 1.8407705077703342, 'y': 1.4766582402639137}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,268] Trial 39 finished with value: 8.334347071558396 and parameters: {'x': 1.1195428355366783, 'y': 2.644368853359082}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,269] Trial 40 finished with value: 7.595379550393446 and parameters: {'x': 1.6520069020915964, 'y': 1.9757114648600385}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,270] Trial 41 finished with value: 8.914385594429811 and parameters: {'x': 1.6470517107976008, 'y': 2.376989100206301}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,271] Trial 42 finished with value: 7.0818112184634625 and parameters: {'x': 1.9628877719392275, 'y': 1.3183124993698585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,271] Trial 43 finished with value: 8.913268618568011 and parameters: {'x': 2.6933015848984994, 'y': 1.8982819389972656}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,272] Trial 44 finished with value: 6.274280378720249 and parameters: {'x': 1.0099471446301753, 'y': 1.527052381039326}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,273] Trial 45 finished with value: 5.204000585932636 and parameters: {'x': 1.216951047813766, 'y': 1.1013262039458973}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,274] Trial 46 finished with value: 9.741805624133733 and parameters: {'x': 2.5259678280944784, 'y': 2.259709570452115}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,275] Trial 47 finished with value: 6.296778616088442 and parameters: {'x': 1.5291890491860796, 'y': 1.0228639505783026}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,276] Trial 48 finished with value: 9.129572645190375 and parameters: {'x': 2.47957554253214, 'y': 1.581063419584534}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,277] Trial 49 finished with value: 10.03449672210819 and parameters: {'x': 2.4140777216988454, 'y': 2.8688241358588593}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,277] Trial 50 finished with value: 7.986420805613088 and parameters: {'x': 1.5869407958655537, 'y': 2.1086035965849828}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,278] Trial 51 finished with value: 7.78469008465053 and parameters: {'x': 1.3794951150973072, 'y': 2.133730616674673}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,279] Trial 52 finished with value: 10.346702498937645 and parameters: {'x': 2.6600353834124157, 'y': 2.5265542823496276}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,280] Trial 53 finished with value: 8.397521047633518 and parameters: {'x': 2.8978919897984197, 'y': 2.0946088457485397}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,281] Trial 54 finished with value: 8.729635565576425 and parameters: {'x': 2.3226416072190963, 'y': 2.1163001449679175}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,282] Trial 55 finished with value: 6.563335605862068 and parameters: {'x': 1.2163645109709191, 'y': 1.871269427619554}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,283] Trial 56 finished with value: 6.873609887768213 and parameters: {'x': 1.2251556830566572, 'y': 1.7367674345443647}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,283] Trial 57 finished with value: 8.80557668194253 and parameters: {'x': 2.3857385187069093, 'y': 1.8044692754689606}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,284] Trial 58 finished with value: 8.48024561077549 and parameters: {'x': 2.859408136043024, 'y': 1.8608932253951125}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,285] Trial 59 finished with value: 7.929450226423043 and parameters: {'x': 1.069350630996834, 'y': 2.4151552500515012}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,286] Trial 60 finished with value: 7.524695733250729 and parameters: {'x': 1.5090899388472594, 'y': 1.4852477824087806}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,287] Trial 61 finished with value: 6.916920537471675 and parameters: {'x': 1.641179571690034, 'y': 1.2137699988751192}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,288] Trial 62 finished with value: 10.022015362074939 and parameters: {'x': 2.354751893467662, 'y': 2.7214581032189935}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,289] Trial 63 finished with value: 5.569058505649405 and parameters: {'x': 1.8750334501787682, 'y': 1.0065938879959706}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,289] Trial 64 finished with value: 9.236481240422165 and parameters: {'x': 2.7225253991380605, 'y': 1.463453956459146}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,290] Trial 65 finished with value: 7.589909153165305 and parameters: {'x': 1.8828143174093952, 'y': 1.4849961540002887}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,291] Trial 66 finished with value: 6.057427416925147 and parameters: {'x': 1.1136598146306471, 'y': 2.0651176783638157}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,292] Trial 67 finished with value: 5.333604535066673 and parameters: {'x': 1.1521593149514442, 'y': 1.1967712091492033}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,293] Trial 68 finished with value: 8.47663339990434 and parameters: {'x': 2.7331662465388735, 'y': 1.1946410227095325}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,294] Trial 69 finished with value: 6.1557427755607605 and parameters: {'x': 2.115689757806627, 'y': 1.075954418838918}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,295] Trial 70 finished with value: 8.21432386178338 and parameters: {'x': 2.426697315572791, 'y': 1.1610984577096755}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,296] Trial 71 finished with value: 9.150950844862605 and parameters: {'x': 1.4810568123213028, 'y': 2.5428552435500063}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,296] Trial 72 finished with value: 6.446630137296186 and parameters: {'x': 1.9154490857784012, 'y': 1.2081435102536793}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,297] Trial 73 finished with value: 7.702963494527083 and parameters: {'x': 1.5491345118660198, 'y': 1.5939876007739795}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,298] Trial 74 finished with value: 7.005032748152567 and parameters: {'x': 1.826844626954173, 'y': 1.9268425602050288}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,299] Trial 75 finished with value: 9.27183740472173 and parameters: {'x': 1.498215097882374, 'y': 2.676718866467224}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,300] Trial 76 finished with value: 6.1788202097104445 and parameters: {'x': 1.4090942518581993, 'y': 1.092598285985039}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,301] Trial 77 finished with value: 8.983446483572983 and parameters: {'x': 2.2413872996736677, 'y': 2.262636501594432}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,302] Trial 78 finished with value: 8.216516191382501 and parameters: {'x': 1.1779154251103852, 'y': 2.812668726136599}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,302] Trial 79 finished with value: 8.454386883504299 and parameters: {'x': 2.3305972180416967, 'y': 1.9835764247236907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,303] Trial 80 finished with value: 7.850643863378659 and parameters: {'x': 1.7388072343407257, 'y': 2.1404356549330252}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,304] Trial 81 finished with value: 8.548120869822377 and parameters: {'x': 1.2355723676495973, 'y': 2.4716454451936927}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,305] Trial 82 finished with value: 8.386285418856902 and parameters: {'x': 2.7552139515981446, 'y': 1.1836615335225171}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,306] Trial 83 finished with value: 9.33277811056341 and parameters: {'x': 2.2088941144948118, 'y': 2.792964798250159}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,307] Trial 84 finished with value: 10.191009221350768 and parameters: {'x': 2.585848255012078, 'y': 2.9630703840002472}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,308] Trial 85 finished with value: 9.199310232934744 and parameters: {'x': 2.748849783785084, 'y': 1.441554730785663}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,309] Trial 86 finished with value: 9.2646294664593 and parameters: {'x': 1.5948713689545138, 'y': 2.8027793439493904}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,310] Trial 87 finished with value: 7.080688050613922 and parameters: {'x': 1.9661671599435053, 'y': 1.8037364200866381}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,311] Trial 88 finished with value: 9.013415425450534 and parameters: {'x': 2.4163310734970684, 'y': 1.636886697540102}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,312] Trial 89 finished with value: 6.866821452286725 and parameters: {'x': 1.890540471699981, 'y': 1.88483373776394}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,312] Trial 90 finished with value: 5.959158557344825 and parameters: {'x': 1.3281373141813404, 'y': 1.125500051842644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,313] Trial 91 finished with value: 7.87159220193886 and parameters: {'x': 2.359511515835968, 'y': 1.1279106069988678}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,314] Trial 92 finished with value: 9.202654686101095 and parameters: {'x': 1.4685789842334418, 'y': 2.604580581576726}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,315] Trial 93 finished with value: 7.6448009517846 and parameters: {'x': 2.0921232065193225, 'y': 1.73682311950304}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,316] Trial 94 finished with value: 6.6725930457942475 and parameters: {'x': 1.6921203518903358, 'y': 1.1628807707949569}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,317] Trial 95 finished with value: 6.116863193669975 and parameters: {'x': 1.0694790248579369, 'y': 1.4104985430277928}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,317] Trial 96 finished with value: 8.847283521590567 and parameters: {'x': 1.9662722891008542, 'y': 2.701251138159574}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,318] Trial 97 finished with value: 8.443230082626295 and parameters: {'x': 2.2382451209071936, 'y': 1.6551477720943748}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,319] Trial 98 finished with value: 7.671184542786042 and parameters: {'x': 1.9676209973302294, 'y': 1.5656060031227454}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,320] Trial 99 finished with value: 4.788155844147777 and parameters: {'x': 1.0151800894576377, 'y': 1.200455850814773}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:13:26,321] Trial 100 finished with value: 4.045505869420193 and parameters: {'x': 1.0652252404158025, 'y': 1.0635003202026654}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,322] Trial 101 finished with value: 9.330788286768396 and parameters: {'x': 2.4173773897708193, 'y': 2.1901578920897675}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,323] Trial 102 finished with value: 7.069570698766446 and parameters: {'x': 1.1168049032504792, 'y': 2.222497516983431}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,324] Trial 103 finished with value: 6.317079292167321 and parameters: {'x': 1.0975025588917013, 'y': 2.12549533279568}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,324] Trial 104 finished with value: 9.29855178082329 and parameters: {'x': 1.5324004580461716, 'y': 2.723016150949123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,325] Trial 105 finished with value: 9.192696852614601 and parameters: {'x': 1.4808206774849857, 'y': 2.579008136152047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,326] Trial 106 finished with value: 8.408472658306273 and parameters: {'x': 2.831926346840218, 'y': 1.9197290242202152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,327] Trial 107 finished with value: 10.135310503921435 and parameters: {'x': 2.432192587200304, 'y': 2.5119874467684147}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,328] Trial 108 finished with value: 8.879378516475859 and parameters: {'x': 1.7407377105650303, 'y': 2.3855217737559635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,329] Trial 109 finished with value: 9.055230122907686 and parameters: {'x': 2.717636437055245, 'y': 2.0991095781429183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,330] Trial 110 finished with value: 7.293293823977846 and parameters: {'x': 1.0877372743905704, 'y': 2.273650413650829}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,330] Trial 111 finished with value: 8.919022535429784 and parameters: {'x': 2.95854396879389, 'y': 1.719039694018197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,331] Trial 112 finished with value: 7.3372819602724455 and parameters: {'x': 1.3623366154825576, 'y': 1.5554901490716264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,332] Trial 113 finished with value: 9.030101823932666 and parameters: {'x': 2.6595623168637306, 'y': 1.349405406692998}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,333] Trial 114 finished with value: 6.072245230822357 and parameters: {'x': 1.025040018500134, 'y': 1.4270855245256404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,334] Trial 115 finished with value: 7.427324175144104 and parameters: {'x': 1.5847021930614489, 'y': 1.388083865430075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,335] Trial 116 finished with value: 7.401331252563596 and parameters: {'x': 1.1720633580392537, 'y': 2.236009826109792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,336] Trial 117 finished with value: 7.707729664135554 and parameters: {'x': 1.6475738512480638, 'y': 1.7842152507174118}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,337] Trial 118 finished with value: 8.353403949911574 and parameters: {'x': 2.2922788419771853, 'y': 2.047108234443308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,337] Trial 119 finished with value: 7.901261536827631 and parameters: {'x': 2.0811791251484095, 'y': 1.5553480135828408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,338] Trial 120 finished with value: 7.929999755129986 and parameters: {'x': 2.1030085786156674, 'y': 1.6315349542573745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,339] Trial 121 finished with value: 9.288051746041393 and parameters: {'x': 2.249248175133083, 'y': 2.9212579305581805}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,340] Trial 122 finished with value: 9.073790993777054 and parameters: {'x': 2.556831585636369, 'y': 2.0192050725676203}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,341] Trial 123 finished with value: 6.1928075617926694 and parameters: {'x': 1.381008070971709, 'y': 1.127196872196507}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,342] Trial 124 finished with value: 10.156698962301324 and parameters: {'x': 2.984010254713117, 'y': 2.4756838541668325}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,343] Trial 125 finished with value: 9.874975505572541 and parameters: {'x': 2.48926356962497, 'y': 2.32310916596693}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,343] Trial 126 finished with value: 8.4403157532315 and parameters: {'x': 1.1674159135861502, 'y': 2.5243468662283424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,344] Trial 127 finished with value: 9.139515973359657 and parameters: {'x': 2.9124136588486005, 'y': 1.448544851596652}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,345] Trial 128 finished with value: 7.359019764415692 and parameters: {'x': 1.845559429941528, 'y': 1.3798715708393237}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,346] Trial 129 finished with value: 8.801406402850382 and parameters: {'x': 2.793280477391969, 'y': 2.0995429900681835}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,347] Trial 130 finished with value: 9.16027496754532 and parameters: {'x': 2.958814654897644, 'y': 1.4501058360334536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,348] Trial 131 finished with value: 9.043089465124277 and parameters: {'x': 2.5531846030820153, 'y': 1.394148666766868}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,349] Trial 132 finished with value: 7.606828759224673 and parameters: {'x': 1.628976929975279, 'y': 1.4619861318720995}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,350] Trial 133 finished with value: 9.070587375279917 and parameters: {'x': 1.419020074634894, 'y': 2.5430493560865637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,350] Trial 134 finished with value: 8.922647531691823 and parameters: {'x': 2.403540709078335, 'y': 1.5039144423310895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,351] Trial 135 finished with value: 7.967844530950847 and parameters: {'x': 1.8344664008911205, 'y': 2.2154175816586967}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,352] Trial 136 finished with value: 6.626032192071815 and parameters: {'x': 1.1376050758152119, 'y': 1.5572043930324122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,353] Trial 137 finished with value: 9.659594459444406 and parameters: {'x': 2.7866196797539673, 'y': 2.9979820048454564}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,354] Trial 138 finished with value: 6.347014296917756 and parameters: {'x': 1.1499787305081524, 'y': 1.4010452377707163}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,355] Trial 139 finished with value: 7.529375914538674 and parameters: {'x': 1.4493857009516564, 'y': 1.9428251265097687}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,356] Trial 140 finished with value: 8.81677041121904 and parameters: {'x': 1.3251875112150269, 'y': 2.9930602325129616}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,357] Trial 141 finished with value: 6.910809469825855 and parameters: {'x': 1.265056131105021, 'y': 2.0342370126064235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,357] Trial 142 finished with value: 8.270503495062389 and parameters: {'x': 1.6712378350511055, 'y': 2.2009435486868285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,358] Trial 143 finished with value: 7.452760285030202 and parameters: {'x': 1.3978757960635275, 'y': 1.5886968818444087}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,359] Trial 144 finished with value: 8.04404936965607 and parameters: {'x': 2.2430845548658915, 'y': 2.043992069057082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,360] Trial 145 finished with value: 9.037078848946711 and parameters: {'x': 2.541655139697369, 'y': 1.8839124502404339}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,361] Trial 146 finished with value: 6.982951805949881 and parameters: {'x': 1.781374575788557, 'y': 1.2651621081908913}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,362] Trial 147 finished with value: 9.20171480473229 and parameters: {'x': 1.6080598211760768, 'y': 2.9650186697000382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,363] Trial 148 finished with value: 6.452025938356062 and parameters: {'x': 1.1479419006340799, 'y': 1.4382449336931642}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,364] Trial 149 finished with value: 8.409147936673097 and parameters: {'x': 1.1982455088041204, 'y': 2.458225719447706}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,365] Trial 150 finished with value: 7.5725037722601485 and parameters: {'x': 1.9508953118972576, 'y': 1.6558619568319393}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,366] Trial 151 finished with value: 8.982528233453667 and parameters: {'x': 1.5525808084216455, 'y': 2.41293048193209}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,366] Trial 152 finished with value: 9.041991086654965 and parameters: {'x': 2.0937943692816763, 'y': 2.4277592159001715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,367] Trial 153 finished with value: 5.742279919822625 and parameters: {'x': 1.9597368328208227, 'y': 1.101870834317938}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,368] Trial 154 finished with value: 7.662524506220276 and parameters: {'x': 1.3428920411087246, 'y': 2.135148324498201}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,369] Trial 155 finished with value: 5.412915944788196 and parameters: {'x': 1.990908743954472, 'y': 1.0050198191556126}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,370] Trial 156 finished with value: 7.384637681531171 and parameters: {'x': 1.8039469768756087, 'y': 2.0905831063243143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,371] Trial 157 finished with value: 7.362225966959187 and parameters: {'x': 1.4451194939759322, 'y': 1.4525537484113495}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,372] Trial 158 finished with value: 10.222437021084144 and parameters: {'x': 2.6488242314394013, 'y': 2.433715704140214}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,373] Trial 159 finished with value: 6.896605385291597 and parameters: {'x': 1.027065396478891, 'y': 2.2375282061374557}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,373] Trial 160 finished with value: 9.070807682748207 and parameters: {'x': 2.965189425709962, 'y': 1.4068019970945893}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,374] Trial 161 finished with value: 8.24245966683869 and parameters: {'x': 2.4278280268516204, 'y': 1.1692189477956123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,375] Trial 162 finished with value: 5.673508204977029 and parameters: {'x': 1.0721727531477638, 'y': 2.0209882776353236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,376] Trial 163 finished with value: 6.685128269118291 and parameters: {'x': 1.0176360039225363, 'y': 2.210740833205314}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,377] Trial 164 finished with value: 7.608037762971426 and parameters: {'x': 1.871629158495657, 'y': 1.6523483721870136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,378] Trial 165 finished with value: 10.386096910354778 and parameters: {'x': 2.5895300471814746, 'y': 2.6305378593259974}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,379] Trial 166 finished with value: 7.40514642679503 and parameters: {'x': 1.7243774639538723, 'y': 1.9789454770033412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,380] Trial 167 finished with value: 9.33732591568054 and parameters: {'x': 2.1457972131567966, 'y': 2.666277852044355}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,380] Trial 168 finished with value: 7.517325492079699 and parameters: {'x': 1.5730197790114377, 'y': 1.436315023136025}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,381] Trial 169 finished with value: 8.954057110696501 and parameters: {'x': 2.565349052914175, 'y': 1.340767290504819}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,382] Trial 170 finished with value: 7.628363624986125 and parameters: {'x': 1.1240421322715355, 'y': 2.9812662390210587}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,383] Trial 171 finished with value: 7.895166227239825 and parameters: {'x': 2.097114156405027, 'y': 1.4841161709967734}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,384] Trial 172 finished with value: 9.650496346883967 and parameters: {'x': 2.878011320154017, 'y': 2.3083770732523208}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,385] Trial 173 finished with value: 10.179377446684578 and parameters: {'x': 2.5992281043426297, 'y': 2.960157496955233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,386] Trial 174 finished with value: 8.393777129433174 and parameters: {'x': 2.87864454294124, 'y': 1.239177096324707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,387] Trial 175 finished with value: 8.117760168554438 and parameters: {'x': 1.6390553207059786, 'y': 2.1544961862419205}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,387] Trial 176 finished with value: 7.780286127425217 and parameters: {'x': 1.9561316950363021, 'y': 2.2200267269991105}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,388] Trial 177 finished with value: 8.97783184216078 and parameters: {'x': 2.4029650756157688, 'y': 1.6597546371143177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,389] Trial 178 finished with value: 9.208872159188012 and parameters: {'x': 2.9549234687416903, 'y': 2.88628287561888}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,390] Trial 179 finished with value: 5.4049656445919965 and parameters: {'x': 1.011013356212266, 'y': 1.9578420384618553}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,391] Trial 180 finished with value: 9.12174191938108 and parameters: {'x': 2.3678749028786994, 'y': 2.17278483879681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,392] Trial 181 finished with value: 10.198826009408865 and parameters: {'x': 2.958641606176584, 'y': 2.5484903125582936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,393] Trial 182 finished with value: 7.6476415377950175 and parameters: {'x': 1.545998442266486, 'y': 1.9323981096163951}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,394] Trial 183 finished with value: 8.124489221721925 and parameters: {'x': 1.6758563638478126, 'y': 2.168679284141233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,394] Trial 184 finished with value: 7.64968413734136 and parameters: {'x': 2.209815005464777, 'y': 1.2569555742100504}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,395] Trial 185 finished with value: 7.803305947129413 and parameters: {'x': 2.0466239336984975, 'y': 1.5762074968179676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,396] Trial 186 finished with value: 8.05474377153569 and parameters: {'x': 2.1632397775778105, 'y': 1.6998366051182627}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,397] Trial 187 finished with value: 6.144941991306926 and parameters: {'x': 1.7747923908250454, 'y': 1.0826847582822892}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,398] Trial 188 finished with value: 6.2127589120851745 and parameters: {'x': 2.066909130422448, 'y': 1.1382530755142026}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,399] Trial 189 finished with value: 6.561669600397277 and parameters: {'x': 1.115901581604201, 'y': 1.629822531869676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,400] Trial 190 finished with value: 7.890219400244215 and parameters: {'x': 2.084328797212484, 'y': 1.5148949334884845}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,401] Trial 191 finished with value: 7.464114852010187 and parameters: {'x': 1.8892808907270018, 'y': 1.713626723491136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,401] Trial 192 finished with value: 7.156552221150989 and parameters: {'x': 1.786094779669809, 'y': 1.960800211946864}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,402] Trial 193 finished with value: 8.951979216755136 and parameters: {'x': 1.7413234774569297, 'y': 2.8444003260863475}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,403] Trial 194 finished with value: 8.613621999490935 and parameters: {'x': 2.277526156650702, 'y': 1.5896308935518735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,404] Trial 195 finished with value: 6.996158886658911 and parameters: {'x': 1.27798756081083, 'y': 1.8105280925644867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,405] Trial 196 finished with value: 8.611348223142354 and parameters: {'x': 2.780063608043692, 'y': 1.2470883370791117}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,406] Trial 197 finished with value: 6.030637405462642 and parameters: {'x': 1.3669459553065468, 'y': 1.0967663914722383}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,407] Trial 198 finished with value: 8.9651624986928 and parameters: {'x': 2.45114124303605, 'y': 1.8177367495614867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,408] Trial 199 finished with value: 8.915451335211346 and parameters: {'x': 2.335872085479096, 'y': 2.150144686924997}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,409] Trial 200 finished with value: 7.021661568826715 and parameters: {'x': 1.8602528352275918, 'y': 1.8654081939662959}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,409] Trial 201 finished with value: 9.769519658797082 and parameters: {'x': 2.7347930055246903, 'y': 2.281904221003719}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,410] Trial 202 finished with value: 4.469825231897417 and parameters: {'x': 1.1276709782028493, 'y': 1.076434141934986}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,411] Trial 203 finished with value: 10.239785901129567 and parameters: {'x': 2.5334930752056657, 'y': 2.8412627361168794}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,412] Trial 204 finished with value: 8.53553773386228 and parameters: {'x': 1.9038626907012923, 'y': 2.808230478175809}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,413] Trial 205 finished with value: 7.469472666097261 and parameters: {'x': 2.0627178614594097, 'y': 1.361793778177681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,414] Trial 206 finished with value: 6.667264537099793 and parameters: {'x': 1.155198996514189, 'y': 1.6725570179291875}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,415] Trial 207 finished with value: 9.076853313820374 and parameters: {'x': 1.8583070910014763, 'y': 2.575429422230293}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,416] Trial 208 finished with value: 7.763861642014163 and parameters: {'x': 1.3957039185663036, 'y': 2.115221306953389}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,416] Trial 209 finished with value: 7.931876268965578 and parameters: {'x': 1.0377878625094168, 'y': 2.7386171658588525}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,417] Trial 210 finished with value: 9.291572445362457 and parameters: {'x': 1.5225522661296755, 'y': 2.72999996019061}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,418] Trial 211 finished with value: 7.90789463480928 and parameters: {'x': 2.1580208652985027, 'y': 1.7481916178348185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,419] Trial 212 finished with value: 8.331075538821214 and parameters: {'x': 1.3086571202225628, 'y': 2.322867543653529}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,420] Trial 213 finished with value: 7.134902741194471 and parameters: {'x': 1.311339134694525, 'y': 1.8159808263688133}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,421] Trial 214 finished with value: 8.508767907255717 and parameters: {'x': 1.5328694871482778, 'y': 2.253473258892857}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,422] Trial 215 finished with value: 10.160814928725088 and parameters: {'x': 2.4340858563813637, 'y': 2.5328342880614736}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,423] Trial 216 finished with value: 7.520519248925659 and parameters: {'x': 2.8358217538122545, 'y': 1.0073602356390727}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,423] Trial 217 finished with value: 8.734898042294475 and parameters: {'x': 2.3976126842507304, 'y': 1.9818004671370137}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,424] Trial 218 finished with value: 9.212983735328182 and parameters: {'x': 2.5707009425331124, 'y': 1.510914137767352}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,425] Trial 219 finished with value: 7.630386114164498 and parameters: {'x': 2.290055224334804, 'y': 1.1542707595107782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,426] Trial 220 finished with value: 9.223023627226235 and parameters: {'x': 1.4874256907368923, 'y': 2.8243687678809852}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,427] Trial 221 finished with value: 6.491452216777805 and parameters: {'x': 2.178628325873583, 'y': 1.0417939251882566}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,428] Trial 222 finished with value: 8.964465884983193 and parameters: {'x': 2.435201368490529, 'y': 1.4774745015263917}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,429] Trial 223 finished with value: 9.787167605334385 and parameters: {'x': 2.5102236610164814, 'y': 2.280925654939244}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,430] Trial 224 finished with value: 10.263157219003295 and parameters: {'x': 2.4943112514176353, 'y': 2.7744643239933993}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,430] Trial 225 finished with value: 8.10062600422781 and parameters: {'x': 1.4212237274775974, 'y': 2.1854087410493284}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,431] Trial 226 finished with value: 7.400051605325441 and parameters: {'x': 1.3919703351200805, 'y': 1.549329359587792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,432] Trial 227 finished with value: 10.142835796284338 and parameters: {'x': 2.4810205514098005, 'y': 2.947362586144786}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,433] Trial 228 finished with value: 7.315275574586037 and parameters: {'x': 1.9544917597569376, 'y': 1.746454737362182}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,434] Trial 229 finished with value: 8.02264358861355 and parameters: {'x': 2.024667187134299, 'y': 2.9507638023385447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,435] Trial 230 finished with value: 7.650780229269962 and parameters: {'x': 1.5589595248514958, 'y': 1.8963027349856008}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,436] Trial 231 finished with value: 8.75642052006269 and parameters: {'x': 1.2578489085880764, 'y': 2.573495333602545}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,437] Trial 232 finished with value: 7.720926630613398 and parameters: {'x': 1.6683961727920873, 'y': 2.0584749448370667}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,437] Trial 233 finished with value: 10.111196291118265 and parameters: {'x': 2.388544278181339, 'y': 2.5758930870083345}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,438] Trial 234 finished with value: 8.999141681351706 and parameters: {'x': 1.3880499083930444, 'y': 2.9198551748985655}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,439] Trial 235 finished with value: 6.947255849127545 and parameters: {'x': 1.3017815054591813, 'y': 1.4239006206842184}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,440] Trial 236 finished with value: 8.093163601417645 and parameters: {'x': 1.022966381407082, 'y': 2.511672249150409}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,441] Trial 237 finished with value: 9.244523525498478 and parameters: {'x': 2.1309296907352304, 'y': 2.687476427568785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,442] Trial 238 finished with value: 7.404512967642068 and parameters: {'x': 1.325042353063805, 'y': 2.0888798280457053}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,443] Trial 239 finished with value: 8.276865554192819 and parameters: {'x': 2.184880893629826, 'y': 2.178955012453271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,444] Trial 240 finished with value: 9.001965784325948 and parameters: {'x': 2.6346136475206117, 'y': 1.9949438321654618}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,444] Trial 241 finished with value: 6.951984210410229 and parameters: {'x': 2.0125264882488345, 'y': 1.2811406982064169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,445] Trial 242 finished with value: 9.059296508005236 and parameters: {'x': 1.3974245366863893, 'y': 2.5622304428793035}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,446] Trial 243 finished with value: 8.206034009843497 and parameters: {'x': 2.9364115200634586, 'y': 1.883919482780143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,447] Trial 244 finished with value: 9.921919105284765 and parameters: {'x': 2.8470228282279604, 'y': 2.3680211380618044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,448] Trial 245 finished with value: 5.862369248339185 and parameters: {'x': 1.1142529535002255, 'y': 2.0076454952194416}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,449] Trial 246 finished with value: 7.481016763418873 and parameters: {'x': 2.0251579459513422, 'y': 1.7229460313825542}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,450] Trial 247 finished with value: 9.084504448433803 and parameters: {'x': 2.5598314697394455, 'y': 1.84622302020528}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,451] Trial 248 finished with value: 9.730779841830977 and parameters: {'x': 2.705026542530438, 'y': 2.261172872438412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,452] Trial 249 finished with value: 6.970087709999072 and parameters: {'x': 2.2056625156106104, 'y': 1.1199626417334956}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,452] Trial 250 finished with value: 8.953933738523933 and parameters: {'x': 2.702914966726759, 'y': 1.860231761427788}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,453] Trial 251 finished with value: 9.748424617891873 and parameters: {'x': 2.4667731201567493, 'y': 2.2888764660961294}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,454] Trial 252 finished with value: 9.167673651450142 and parameters: {'x': 2.072195797772089, 'y': 2.610655666055697}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,455] Trial 253 finished with value: 7.147031598038101 and parameters: {'x': 1.291699180736912, 'y': 1.7390061583839724}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,456] Trial 254 finished with value: 6.116670622794018 and parameters: {'x': 2.1301272592646647, 'y': 1.0347697813695165}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,457] Trial 255 finished with value: 8.208828599746406 and parameters: {'x': 2.2867287156201046, 'y': 1.9679983737249274}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,458] Trial 256 finished with value: 6.548620766445598 and parameters: {'x': 1.2044888856944802, 'y': 1.4005015727656103}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,459] Trial 257 finished with value: 10.31713510610331 and parameters: {'x': 2.612563047786084, 'y': 2.7704625571335404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,460] Trial 258 finished with value: 10.084552858039983 and parameters: {'x': 2.4972956483612614, 'y': 2.4135511676669017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,461] Trial 259 finished with value: 8.704815048381596 and parameters: {'x': 1.8348199894899018, 'y': 2.816913002698824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,461] Trial 260 finished with value: 9.909882350543576 and parameters: {'x': 2.782731419649844, 'y': 2.8262820425631365}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,462] Trial 261 finished with value: 5.976489893672717 and parameters: {'x': 1.7736308753893941, 'y': 1.020860693431882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,463] Trial 262 finished with value: 5.927980057999747 and parameters: {'x': 2.016682408877395, 'y': 1.121591782697312}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,464] Trial 263 finished with value: 8.858717705415632 and parameters: {'x': 1.5563968701377697, 'y': 2.3616592332265505}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,465] Trial 264 finished with value: 10.033313474090175 and parameters: {'x': 2.9006873116428213, 'y': 2.692515618646322}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,466] Trial 265 finished with value: 8.880528053164227 and parameters: {'x': 1.3391217993231546, 'y': 2.5119201657605466}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,467] Trial 266 finished with value: 6.512793795585026 and parameters: {'x': 1.0973914976258345, 'y': 1.598088367554651}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,468] Trial 267 finished with value: 10.133308161929415 and parameters: {'x': 2.4722329634215807, 'y': 2.9038913264736412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,469] Trial 268 finished with value: 9.009577894524508 and parameters: {'x': 2.848278275800719, 'y': 1.71975219955167}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,469] Trial 269 finished with value: 9.073466277909414 and parameters: {'x': 1.8477499271033209, 'y': 2.544824490259407}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,470] Trial 270 finished with value: 8.857712616202502 and parameters: {'x': 2.7763762931812623, 'y': 2.0978016101308743}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,471] Trial 271 finished with value: 8.336836626348964 and parameters: {'x': 2.3795700310590426, 'y': 1.2465209738223508}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,472] Trial 272 finished with value: 5.916158701235933 and parameters: {'x': 1.362378593042143, 'y': 1.0660251203586257}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,473] Trial 273 finished with value: 9.146929015217898 and parameters: {'x': 1.8033754828833874, 'y': 2.6047616206447453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,474] Trial 274 finished with value: 7.438775490254871 and parameters: {'x': 1.7578386164256896, 'y': 1.8327485767740324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,475] Trial 275 finished with value: 7.535911323474094 and parameters: {'x': 1.6806223274483807, 'y': 1.9795460472091044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,476] Trial 276 finished with value: 7.2692615352023005 and parameters: {'x': 1.3721922862035816, 'y': 1.4889755041007238}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,477] Trial 277 finished with value: 10.156213247691806 and parameters: {'x': 2.439013905615374, 'y': 2.798546701303678}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,477] Trial 278 finished with value: 7.594454224312965 and parameters: {'x': 1.7836186155171991, 'y': 1.7335789878704169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,478] Trial 279 finished with value: 9.692863147985143 and parameters: {'x': 2.830534386150495, 'y': 2.8448425756608664}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,479] Trial 280 finished with value: 10.354735182718246 and parameters: {'x': 2.654619006311158, 'y': 2.535702751682674}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,480] Trial 281 finished with value: 9.59974810128511 and parameters: {'x': 2.2129591988883632, 'y': 2.6594307933091414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,481] Trial 282 finished with value: 9.171231249430022 and parameters: {'x': 2.4126063326685623, 'y': 2.1477052796850047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,482] Trial 283 finished with value: 4.423097764063691 and parameters: {'x': 1.1136507650040754, 'y': 1.085185414659418}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,483] Trial 284 finished with value: 8.518116853818347 and parameters: {'x': 2.2714436670861144, 'y': 1.4799874049703434}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,484] Trial 285 finished with value: 6.308183889141347 and parameters: {'x': 1.1798253175175006, 'y': 1.358477133667177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,485] Trial 286 finished with value: 5.721946692056417 and parameters: {'x': 1.0636206120922096, 'y': 1.8733061965353646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,485] Trial 287 finished with value: 7.677943634548251 and parameters: {'x': 1.121973471590385, 'y': 2.9035790410998183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,486] Trial 288 finished with value: 9.151799227058577 and parameters: {'x': 2.6069182409954905, 'y': 1.7996328195485836}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,487] Trial 289 finished with value: 10.013127416178817 and parameters: {'x': 2.4167858431807874, 'y': 2.9164976263663602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,488] Trial 290 finished with value: 4.998303328378896 and parameters: {'x': 1.1542956742066215, 'y': 1.140781609596429}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,489] Trial 291 finished with value: 8.28114606706547 and parameters: {'x': 2.1879466071750313, 'y': 1.5581671187822235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,490] Trial 292 finished with value: 8.832524046610402 and parameters: {'x': 2.300366007103639, 'y': 2.16793189577589}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,491] Trial 293 finished with value: 5.711376066059369 and parameters: {'x': 1.094322932423767, 'y': 1.9411323943054628}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,491] Trial 294 finished with value: 7.760929512264443 and parameters: {'x': 2.071568489594031, 'y': 1.4523217653510414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,492] Trial 295 finished with value: 9.671827782479724 and parameters: {'x': 2.9922109078108097, 'y': 2.7826847496567426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,493] Trial 296 finished with value: 6.710962291458795 and parameters: {'x': 2.0479007588535945, 'y': 1.2261318608148313}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,494] Trial 297 finished with value: 9.202996753526495 and parameters: {'x': 2.8645562118427224, 'y': 1.6129257002416637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,495] Trial 298 finished with value: 5.60593399078077 and parameters: {'x': 1.0573022885455976, 'y': 1.3062488386606321}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,495] Trial 299 finished with value: 6.58244865409225 and parameters: {'x': 1.3655659763270604, 'y': 1.2432668725475122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,496] Trial 300 finished with value: 6.2066836519014394 and parameters: {'x': 1.331275367399907, 'y': 1.182084471528453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,497] Trial 301 finished with value: 8.984835506742034 and parameters: {'x': 2.0438870786774963, 'y': 2.6836625341675298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,498] Trial 302 finished with value: 9.135668282526662 and parameters: {'x': 1.6844674053929338, 'y': 2.482716416022635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,498] Trial 303 finished with value: 10.359646028416753 and parameters: {'x': 2.5754761557918533, 'y': 2.7198582320674056}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,499] Trial 304 finished with value: 7.361657153468046 and parameters: {'x': 1.3571872591947314, 'y': 1.75345728109374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,500] Trial 305 finished with value: 7.913504782012886 and parameters: {'x': 2.2567402470676416, 'y': 1.2652867032397062}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,501] Trial 306 finished with value: 9.347623407815192 and parameters: {'x': 2.1932762319899344, 'y': 2.7575887786576088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,502] Trial 307 finished with value: 6.238482058571574 and parameters: {'x': 1.398568508516686, 'y': 1.1219645882466098}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,502] Trial 308 finished with value: 9.255211632335527 and parameters: {'x': 2.1065275363082856, 'y': 2.623147599225602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,503] Trial 309 finished with value: 7.9259135284926625 and parameters: {'x': 2.401557205780505, 'y': 1.0884686415000555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,504] Trial 310 finished with value: 9.912652969472223 and parameters: {'x': 2.4927665585904117, 'y': 2.3362285111941388}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,505] Trial 311 finished with value: 7.9160816136541055 and parameters: {'x': 2.086039549812548, 'y': 1.5718753826147212}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,506] Trial 312 finished with value: 8.846211582353332 and parameters: {'x': 2.7946975959997085, 'y': 2.1111493443901646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,507] Trial 313 finished with value: 8.447724376654612 and parameters: {'x': 1.231940729779242, 'y': 2.4329241473881456}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,507] Trial 314 finished with value: 7.552500541854169 and parameters: {'x': 1.7919999988976703, 'y': 1.7463777927679258}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,508] Trial 315 finished with value: 9.218512393996935 and parameters: {'x': 1.5175664405513307, 'y': 2.924995588232765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,509] Trial 316 finished with value: 6.857585341545889 and parameters: {'x': 2.0710526351204024, 'y': 1.9257182649214797}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,510] Trial 317 finished with value: 6.2545662723315765 and parameters: {'x': 1.0302565320977815, 'y': 2.150580729287884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,510] Trial 318 finished with value: 7.983987219108325 and parameters: {'x': 2.4111627134494213, 'y': 1.0980217544085398}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,511] Trial 319 finished with value: 8.357108631911709 and parameters: {'x': 1.2100873805705843, 'y': 2.820830469555223}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,512] Trial 320 finished with value: 6.699130383291198 and parameters: {'x': 1.215682949072571, 'y': 2.0632357475823735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,513] Trial 321 finished with value: 8.948976386936518 and parameters: {'x': 1.331367634034851, 'y': 2.581299783112364}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,514] Trial 322 finished with value: 7.982138721518298 and parameters: {'x': 1.988398470351165, 'y': 2.945407386064451}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,514] Trial 323 finished with value: 9.745623933776441 and parameters: {'x': 2.30428299904322, 'y': 2.805664681125419}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,515] Trial 324 finished with value: 7.613461888965885 and parameters: {'x': 1.0069534961965363, 'y': 2.8127180219484327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,516] Trial 325 finished with value: 7.652181636405894 and parameters: {'x': 1.8566641006360123, 'y': 1.5309023468189245}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,517] Trial 326 finished with value: 9.162199390098213 and parameters: {'x': 2.9688223241275935, 'y': 2.8965908439695895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,518] Trial 327 finished with value: 8.603561199051127 and parameters: {'x': 2.101710342423472, 'y': 2.8472037870659075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,519] Trial 328 finished with value: 9.238104079329661 and parameters: {'x': 1.4645047073963369, 'y': 2.7201884102366276}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,519] Trial 329 finished with value: 9.2059890001439 and parameters: {'x': 1.5029492524669203, 'y': 2.570755821365006}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,520] Trial 330 finished with value: 8.662235215716079 and parameters: {'x': 1.9668160413505607, 'y': 2.7570260466308625}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,521] Trial 331 finished with value: 4.387601305751666 and parameters: {'x': 1.1063704438455368, 'y': 1.0869451970964539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,522] Trial 332 finished with value: 8.743504814708885 and parameters: {'x': 2.42920152555666, 'y': 1.3500254719172264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,523] Trial 333 finished with value: 7.474602128171121 and parameters: {'x': 1.152829659231377, 'y': 2.263024436911833}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,524] Trial 334 finished with value: 7.7139152591869955 and parameters: {'x': 2.083902436337981, 'y': 1.7042422360941185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,524] Trial 335 finished with value: 9.064165098697746 and parameters: {'x': 2.196396028837885, 'y': 2.868474069611013}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,525] Trial 336 finished with value: 7.526207724974352 and parameters: {'x': 1.748765975307913, 'y': 1.4175092102644002}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,526] Trial 337 finished with value: 8.87318611022771 and parameters: {'x': 1.4301086067741993, 'y': 2.4221290283239707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,527] Trial 338 finished with value: 7.437628554622544 and parameters: {'x': 1.5370848528034777, 'y': 1.4164035735238645}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,528] Trial 339 finished with value: 9.108528828823486 and parameters: {'x': 2.8221419136641974, 'y': 1.4137540686047536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,528] Trial 340 finished with value: 10.224469832486484 and parameters: {'x': 2.7627939976725715, 'y': 2.712650585544082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,529] Trial 341 finished with value: 9.157248639712966 and parameters: {'x': 1.621381698958753, 'y': 2.490024536343387}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,530] Trial 342 finished with value: 9.067096629559234 and parameters: {'x': 2.965909978088968, 'y': 2.9290256135131707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,531] Trial 343 finished with value: 8.20828834637247 and parameters: {'x': 2.551873644603601, 'y': 1.0660867667675091}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,532] Trial 344 finished with value: 7.619650128094548 and parameters: {'x': 2.0644661743154415, 'y': 1.4042470172553296}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,532] Trial 345 finished with value: 8.763579496092841 and parameters: {'x': 1.6545509357446349, 'y': 2.3265521680886843}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,534] Trial 346 finished with value: 10.329168526789621 and parameters: {'x': 2.644777207725301, 'y': 2.5097392192993073}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,535] Trial 347 finished with value: 6.209810066889293 and parameters: {'x': 1.794374892990855, 'y': 1.1141125151488116}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,536] Trial 348 finished with value: 7.984742852035451 and parameters: {'x': 1.092178496970699, 'y': 2.41579734736726}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,537] Trial 349 finished with value: 8.870990662413382 and parameters: {'x': 1.3414984313948313, 'y': 2.982007944245219}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,538] Trial 350 finished with value: 8.966183159301048 and parameters: {'x': 2.4075892104439074, 'y': 1.7079217481458522}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,539] Trial 351 finished with value: 7.656693888229608 and parameters: {'x': 1.8518279470371772, 'y': 1.6238590298596043}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,539] Trial 352 finished with value: 9.062458866554683 and parameters: {'x': 2.6177201797519714, 'y': 1.8642498769805247}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,540] Trial 353 finished with value: 9.018050055020714 and parameters: {'x': 2.4187002604843553, 'y': 1.6138392905141121}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,541] Trial 354 finished with value: 8.991109902167452 and parameters: {'x': 1.3703645448408575, 'y': 2.834356324376323}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,542] Trial 355 finished with value: 8.38152104519662 and parameters: {'x': 1.1555343303547916, 'y': 2.7006567266890333}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,542] Trial 356 finished with value: 6.212801250088436 and parameters: {'x': 1.1805670600758351, 'y': 1.3342035077899745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,543] Trial 357 finished with value: 7.941553127535705 and parameters: {'x': 2.7592288821782676, 'y': 1.0706680098479076}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,544] Trial 358 finished with value: 7.224303585235438 and parameters: {'x': 1.3045011153751436, 'y': 1.6118863229503622}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,545] Trial 359 finished with value: 8.44450330401257 and parameters: {'x': 2.2335451159558417, 'y': 1.628179759156297}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,546] Trial 360 finished with value: 7.044886595511825 and parameters: {'x': 1.9972271639585526, 'y': 1.3032450288065827}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,547] Trial 361 finished with value: 8.270774653868527 and parameters: {'x': 2.8974389690073172, 'y': 1.888026611242919}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,547] Trial 362 finished with value: 8.91666182979364 and parameters: {'x': 2.4368892491097727, 'y': 1.4377983452111882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,548] Trial 363 finished with value: 10.088239690096223 and parameters: {'x': 2.865870145047425, 'y': 2.4358911847461413}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,549] Trial 364 finished with value: 8.78965221877254 and parameters: {'x': 2.3358581438953543, 'y': 1.6618000006359324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,550] Trial 365 finished with value: 10.125686298125409 and parameters: {'x': 2.445415598969073, 'y': 2.84484078419461}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,551] Trial 366 finished with value: 7.343383611464031 and parameters: {'x': 1.7769158794075075, 'y': 2.0507637598350668}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,551] Trial 367 finished with value: 7.997988774164467 and parameters: {'x': 2.2356426584991205, 'y': 2.0451278303879987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,552] Trial 368 finished with value: 8.205247029616046 and parameters: {'x': 2.187146945707058, 'y': 1.4742898645858042}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,553] Trial 369 finished with value: 9.00406642736227 and parameters: {'x': 1.9929649460017025, 'y': 2.5078903999195608}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,554] Trial 370 finished with value: 5.226188688989737 and parameters: {'x': 1.0087444470767506, 'y': 1.2633840962145775}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,555] Trial 371 finished with value: 8.71485187368858 and parameters: {'x': 1.3079096308120766, 'y': 2.9738261872510607}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,556] Trial 372 finished with value: 9.216845434625913 and parameters: {'x': 1.508575392047343, 'y': 2.8773204260382386}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,556] Trial 373 finished with value: 9.17989793263459 and parameters: {'x': 2.8841994959270485, 'y': 1.621651975448489}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,557] Trial 374 finished with value: 8.98557586111079 and parameters: {'x': 2.500830384642061, 'y': 1.8944341497362096}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,558] Trial 375 finished with value: 9.303369240522263 and parameters: {'x': 1.5391501775074237, 'y': 2.711571907670349}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,559] Trial 376 finished with value: 8.750471615681288 and parameters: {'x': 1.4913406700000764, 'y': 2.341732508736907}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,560] Trial 377 finished with value: 7.227982143201142 and parameters: {'x': 1.3268853102432239, 'y': 1.7885289413291054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,560] Trial 378 finished with value: 10.023162229027282 and parameters: {'x': 2.396048090406278, 'y': 2.8314615713289455}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,561] Trial 379 finished with value: 6.092896856433121 and parameters: {'x': 1.7911165415621344, 'y': 1.08382619235308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,562] Trial 380 finished with value: 6.120317782062621 and parameters: {'x': 1.4032309691122884, 'y': 1.079894591239306}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,563] Trial 381 finished with value: 7.022502908484473 and parameters: {'x': 1.8824910993699955, 'y': 1.3033402032471397}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,564] Trial 382 finished with value: 7.652674431707082 and parameters: {'x': 1.8497308313116698, 'y': 1.6310518292420932}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,564] Trial 383 finished with value: 5.822719727358805 and parameters: {'x': 1.3215559497308957, 'y': 1.0981061820951246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,565] Trial 384 finished with value: 7.373644800992425 and parameters: {'x': 1.3940794368916745, 'y': 1.9120470222848358}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,566] Trial 385 finished with value: 5.481155598344511 and parameters: {'x': 1.9414607876752354, 'y': 1.0393575200952851}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,567] Trial 386 finished with value: 10.096454316474768 and parameters: {'x': 2.4543933766663644, 'y': 2.928712322892695}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,568] Trial 387 finished with value: 6.370030836329917 and parameters: {'x': 1.3548891051987708, 'y': 1.1986347193634166}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,568] Trial 388 finished with value: 8.509039975333158 and parameters: {'x': 2.322081543679178, 'y': 1.8428832782616735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,569] Trial 389 finished with value: 7.267810238351741 and parameters: {'x': 1.6160281384053163, 'y': 1.3184453833011878}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,570] Trial 390 finished with value: 5.601143816756288 and parameters: {'x': 1.0084796381477859, 'y': 1.8664753046910936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,571] Trial 391 finished with value: 9.279754455615958 and parameters: {'x': 2.873043369326268, 'y': 2.9390091395584017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,572] Trial 392 finished with value: 7.491358104879318 and parameters: {'x': 2.1375796868486256, 'y': 1.8391439039291715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,572] Trial 393 finished with value: 7.469105104664758 and parameters: {'x': 1.7923971939999055, 'y': 2.0989587544380424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,573] Trial 394 finished with value: 8.956798399528843 and parameters: {'x': 1.711999584921766, 'y': 2.9091711768326656}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,574] Trial 395 finished with value: 9.174547757972167 and parameters: {'x': 2.840890581133052, 'y': 1.4561757164149107}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,575] Trial 396 finished with value: 7.851700424065141 and parameters: {'x': 1.7113279109352795, 'y': 2.123481419395448}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,576] Trial 397 finished with value: 7.750692605356102 and parameters: {'x': 1.6902889832813934, 'y': 1.5623461183014966}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,577] Trial 398 finished with value: 8.755451855147848 and parameters: {'x': 2.911761337310541, 'y': 1.3197890733099533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,578] Trial 399 finished with value: 10.268295211866295 and parameters: {'x': 2.476466615710587, 'y': 2.7332328340294563}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,578] Trial 400 finished with value: 6.417574443703831 and parameters: {'x': 2.177474958724643, 'y': 1.005653626481327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,579] Trial 401 finished with value: 7.668896523263015 and parameters: {'x': 1.644378784575017, 'y': 1.4968063585350646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,580] Trial 402 finished with value: 8.19298658310015 and parameters: {'x': 2.431289201640437, 'y': 1.149653767432715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,581] Trial 403 finished with value: 8.97130164568623 and parameters: {'x': 2.0238418672969654, 'y': 2.464378965120093}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,582] Trial 404 finished with value: 9.9498222644883 and parameters: {'x': 2.888144037415016, 'y': 2.3893540652536975}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,582] Trial 405 finished with value: 8.946878681936214 and parameters: {'x': 2.4819106838477336, 'y': 1.9690251042928717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,583] Trial 406 finished with value: 9.2775145368802 and parameters: {'x': 1.6086848468720156, 'y': 2.7757886297325713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,584] Trial 407 finished with value: 6.0398599077263455 and parameters: {'x': 1.0094173253653007, 'y': 2.126016301637884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,585] Trial 408 finished with value: 7.172267725737418 and parameters: {'x': 1.8647089587091887, 'y': 2.0967083242682962}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,586] Trial 409 finished with value: 10.06942366313142 and parameters: {'x': 2.368979331565893, 'y': 2.7081400803511215}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,587] Trial 410 finished with value: 6.13664299399473 and parameters: {'x': 1.0540333265179518, 'y': 1.4282302453602083}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,588] Trial 411 finished with value: 7.308753587807553 and parameters: {'x': 1.330671073227345, 'y': 1.6984403303355533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,588] Trial 412 finished with value: 6.767207011793218 and parameters: {'x': 1.206523047230095, 'y': 1.7496095327225718}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,589] Trial 413 finished with value: 8.92360731321179 and parameters: {'x': 1.3945161668885826, 'y': 2.4748484732751246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,590] Trial 414 finished with value: 6.680035661311976 and parameters: {'x': 1.9976931371083386, 'y': 2.0379928984768765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,591] Trial 415 finished with value: 7.414252441736993 and parameters: {'x': 1.534572725393671, 'y': 1.4067465865126285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,591] Trial 416 finished with value: 8.9996012583928 and parameters: {'x': 2.585170495454305, 'y': 1.3532149268593918}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,592] Trial 417 finished with value: 9.90548167086543 and parameters: {'x': 2.3399565787146277, 'y': 2.787020230782926}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,593] Trial 418 finished with value: 7.691607288024512 and parameters: {'x': 1.1359010765855024, 'y': 2.9686284408298524}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,594] Trial 419 finished with value: 9.796735720491617 and parameters: {'x': 2.820579493870747, 'y': 2.823207076944582}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,595] Trial 420 finished with value: 6.260789565502911 and parameters: {'x': 1.81156678146324, 'y': 1.1360440007461408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,596] Trial 421 finished with value: 9.21860388769146 and parameters: {'x': 2.4250417759272396, 'y': 2.151886634469717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,596] Trial 422 finished with value: 9.088805627236487 and parameters: {'x': 2.4946484937597644, 'y': 1.489491780477701}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,597] Trial 423 finished with value: 6.226677245473308 and parameters: {'x': 1.1477089283401192, 'y': 2.056377420203176}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,598] Trial 424 finished with value: 8.483973107680615 and parameters: {'x': 2.3302930707241654, 'y': 1.8862617093564347}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,599] Trial 425 finished with value: 10.189866481093429 and parameters: {'x': 2.8205578954962713, 'y': 2.6743642252871402}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,600] Trial 426 finished with value: 4.266283468162449 and parameters: {'x': 1.128574522835871, 'y': 1.0186489038456865}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,600] Trial 427 finished with value: 8.788669762186533 and parameters: {'x': 1.3313453765359875, 'y': 2.4692989209762657}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,601] Trial 428 finished with value: 9.897316989347988 and parameters: {'x': 2.379633485342911, 'y': 2.9387309613275088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,602] Trial 429 finished with value: 7.733897179743261 and parameters: {'x': 2.3548144243288824, 'y': 1.0883146783356357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,603] Trial 430 finished with value: 9.770730743480064 and parameters: {'x': 2.34392440316154, 'y': 2.9737399239212152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,604] Trial 431 finished with value: 6.651404870689522 and parameters: {'x': 1.2401114796732557, 'y': 1.9103876401791673}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,604] Trial 432 finished with value: 8.624387367423939 and parameters: {'x': 2.343842819069655, 'y': 1.402892703320057}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,605] Trial 433 finished with value: 7.319391065120538 and parameters: {'x': 1.3369742062000984, 'y': 1.7193648999124012}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,606] Trial 434 finished with value: 8.63207059410576 and parameters: {'x': 1.568076793133939, 'y': 2.284355408978114}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,607] Trial 435 finished with value: 6.170131843245223 and parameters: {'x': 1.0418953375485036, 'y': 2.135054245104543}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,608] Trial 436 finished with value: 10.369997992085416 and parameters: {'x': 2.61908092246873, 'y': 2.7087079857491236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,608] Trial 437 finished with value: 8.214286391310745 and parameters: {'x': 2.1802285557954493, 'y': 1.6466895137837072}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,609] Trial 438 finished with value: 6.5325083151338745 and parameters: {'x': 1.301511960988448, 'y': 1.2904075186733923}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,610] Trial 439 finished with value: 7.81961102131716 and parameters: {'x': 1.951071480713511, 'y': 2.225511766887371}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,611] Trial 440 finished with value: 8.789791847209642 and parameters: {'x': 1.752568510864902, 'y': 2.9694528025425426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,612] Trial 441 finished with value: 8.845951391776083 and parameters: {'x': 2.9348530597453095, 'y': 1.7386220876900822}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,612] Trial 442 finished with value: 6.8313562893640825 and parameters: {'x': 1.1584195744800634, 'y': 2.1553107291156395}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,613] Trial 443 finished with value: 8.282440802944908 and parameters: {'x': 2.084635187581866, 'y': 2.9245462877708213}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,614] Trial 444 finished with value: 8.144098982016738 and parameters: {'x': 2.170455647030789, 'y': 1.6684600849133298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,615] Trial 445 finished with value: 9.296643075908719 and parameters: {'x': 2.615662796561897, 'y': 1.6100294259063987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,616] Trial 446 finished with value: 9.19390522333622 and parameters: {'x': 2.710246886375865, 'y': 2.130858864690644}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,617] Trial 447 finished with value: 7.531965885725688 and parameters: {'x': 1.9211051500257048, 'y': 1.6758861594909447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,618] Trial 448 finished with value: 7.331382168303733 and parameters: {'x': 1.67953723621456, 'y': 1.3365870657098382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,618] Trial 449 finished with value: 9.116973692268562 and parameters: {'x': 1.820991457831393, 'y': 2.567164362724064}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,619] Trial 450 finished with value: 7.53338235239057 and parameters: {'x': 1.9203094803694931, 'y': 2.1793049604401054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,620] Trial 451 finished with value: 9.224526595418926 and parameters: {'x': 2.9455951435052024, 'y': 1.5139853696768606}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,621] Trial 452 finished with value: 9.223170573081077 and parameters: {'x': 2.8334166644240124, 'y': 2.20836504015143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,621] Trial 453 finished with value: 6.999654263756282 and parameters: {'x': 2.1589629880195247, 'y': 1.1846411930598055}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,622] Trial 454 finished with value: 9.474341672965183 and parameters: {'x': 2.3580782494123866, 'y': 2.279417077265129}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,623] Trial 455 finished with value: 9.253298623237097 and parameters: {'x': 2.253015026281642, 'y': 2.3185464367108874}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,624] Trial 456 finished with value: 8.602639781988247 and parameters: {'x': 2.275602548119463, 'y': 1.624827040663725}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,625] Trial 457 finished with value: 7.068551848614295 and parameters: {'x': 1.2603772254821308, 'y': 1.5837727142113327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,626] Trial 458 finished with value: 7.263162553099972 and parameters: {'x': 1.5488473138379997, 'y': 1.3364308979656776}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,626] Trial 459 finished with value: 5.765175900097962 and parameters: {'x': 1.1229934553422611, 'y': 1.2923904534654271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,627] Trial 460 finished with value: 8.572357997524358 and parameters: {'x': 1.257217475209221, 'y': 2.8270229736591785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,628] Trial 461 finished with value: 7.415567768970856 and parameters: {'x': 1.7180858011424407, 'y': 1.934051058822824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,629] Trial 462 finished with value: 9.803728923767403 and parameters: {'x': 2.5377612159072194, 'y': 2.2768073417972357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,630] Trial 463 finished with value: 9.955064351324634 and parameters: {'x': 2.3275460896894495, 'y': 2.5531141437345415}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,631] Trial 464 finished with value: 5.517910246875086 and parameters: {'x': 1.2201709091358888, 'y': 1.1594546254794982}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,632] Trial 465 finished with value: 8.061151142105938 and parameters: {'x': 2.024787757538992, 'y': 2.9274920965050972}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,633] Trial 466 finished with value: 9.397189288983204 and parameters: {'x': 2.1515716756798198, 'y': 2.5306991635013265}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,633] Trial 467 finished with value: 5.985517249850933 and parameters: {'x': 1.3849905711991588, 'y': 1.055927677523281}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,634] Trial 468 finished with value: 9.097225643154763 and parameters: {'x': 1.4351199031730522, 'y': 2.5454135155465614}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,635] Trial 469 finished with value: 7.349261704988377 and parameters: {'x': 1.35346191711857, 'y': 1.7546081296735883}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,636] Trial 470 finished with value: 9.272408270563856 and parameters: {'x': 2.875235831831837, 'y': 2.938171401114677}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,637] Trial 471 finished with value: 8.069162624819043 and parameters: {'x': 2.9184584255922643, 'y': 1.94201393085539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,638] Trial 472 finished with value: 8.81761865638411 and parameters: {'x': 2.4089709739522425, 'y': 1.8531264383292128}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,639] Trial 473 finished with value: 8.035542180154685 and parameters: {'x': 1.3427513767860373, 'y': 2.222036587264789}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,639] Trial 474 finished with value: 9.231385190851347 and parameters: {'x': 1.6136788146729355, 'y': 2.5427165815495023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,640] Trial 475 finished with value: 8.079791775891733 and parameters: {'x': 1.9125417091420505, 'y': 2.974755165461713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,641] Trial 476 finished with value: 8.341523743372877 and parameters: {'x': 2.5162039041844384, 'y': 1.1370628964009615}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,642] Trial 477 finished with value: 8.111643884158484 and parameters: {'x': 2.4774050077230263, 'y': 1.0731466336537492}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,643] Trial 478 finished with value: 7.5399208344987585 and parameters: {'x': 2.8345234456844723, 'y': 1.0193880363125856}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,643] Trial 479 finished with value: 4.433360827827819 and parameters: {'x': 1.0737285407959989, 'y': 1.1240856472950298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,644] Trial 480 finished with value: 6.96592599656371 and parameters: {'x': 1.917376657427001, 'y': 1.2967197922321945}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,646] Trial 481 finished with value: 6.482139651511581 and parameters: {'x': 1.0444818819023245, 'y': 2.176468521442921}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,647] Trial 482 finished with value: 9.11485254373537 and parameters: {'x': 2.048580208536864, 'y': 2.6071264572872}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,648] Trial 483 finished with value: 5.431608150828463 and parameters: {'x': 1.1894684017034052, 'y': 1.1771668066738374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,648] Trial 484 finished with value: 9.916633525227567 and parameters: {'x': 2.3771078699084693, 'y': 2.9920290455237555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,649] Trial 485 finished with value: 8.672783876245514 and parameters: {'x': 2.986832268951524, 'y': 1.2963533246316374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,650] Trial 486 finished with value: 8.304980857866417 and parameters: {'x': 1.8838423536074562, 'y': 2.293381683328426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,651] Trial 487 finished with value: 8.312468549380213 and parameters: {'x': 2.605279862637339, 'y': 1.104352806033127}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,652] Trial 488 finished with value: 5.853085423960124 and parameters: {'x': 1.8449842618430872, 'y': 1.072398768972538}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,653] Trial 489 finished with value: 10.386651371749663 and parameters: {'x': 2.6310189414260505, 'y': 2.6738996139987643}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,653] Trial 490 finished with value: 8.745469373890751 and parameters: {'x': 2.8645250632754204, 'y': 1.308649034603559}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,654] Trial 491 finished with value: 9.203342174566815 and parameters: {'x': 2.2366663140241325, 'y': 2.3220086289326023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,655] Trial 492 finished with value: 7.620833240361959 and parameters: {'x': 1.7828303566350192, 'y': 1.4731366108109194}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,656] Trial 493 finished with value: 6.443411611560421 and parameters: {'x': 1.087773688862931, 'y': 1.5288574048348782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,657] Trial 494 finished with value: 9.289432601334944 and parameters: {'x': 1.6649581758396033, 'y': 2.6842053451927765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,658] Trial 495 finished with value: 5.398308960090418 and parameters: {'x': 1.0066322310308962, 'y': 1.9593038112676802}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,658] Trial 496 finished with value: 7.862686650656634 and parameters: {'x': 2.8254045010036575, 'y': 1.112352158376197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,659] Trial 497 finished with value: 7.9200738443641665 and parameters: {'x': 2.408098570015621, 'y': 1.0761987677246792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,660] Trial 498 finished with value: 6.712922715771459 and parameters: {'x': 1.2761302578999503, 'y': 1.3688914376676131}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:13:26,661] Trial 499 finished with value: 10.186262582979126 and parameters: {'x': 2.4800498669245994, 'y': 2.842080919283535}. Best is trial 100 with value: 4.045505869420193.\n\u001b[2Kreading sources... [ 83%] reference/visualization/generated/optuna.visualization.plot_edf\n[I 2023-11-01 05:13:26,744] A new study created in memory with name: no-name-953ef23e-5a4e-4c32-a73e-fb5510c10bcf\n[I 2023-11-01 05:13:26,747] Trial 0 finished with values: [105.49307621727463, 5.239248577545907] and parameters: {'x': 4.28917106021181, 'y': 2.824230987465465}. \n[I 2023-11-01 05:13:26,749] Trial 1 finished with values: [2.4182793699144116, 42.754130434326626] and parameters: {'x': 0.007539601997515466, 'y': 0.7775043388176828}. \n[I 2023-11-01 05:13:26,750] Trial 2 finished with values: [50.91047259838507, 14.21209074088079] and parameters: {'x': 3.118176598218504, 'y': 1.7333761426530434}. \n[I 2023-11-01 05:13:26,752] Trial 3 finished with values: [34.08926215958469, 20.018219785533912] and parameters: {'x': 1.1803932039633076, 'y': 2.6700163714729186}. \n[I 2023-11-01 05:13:26,753] Trial 4 finished with values: [21.387371907109422, 25.187741269101654] and parameters: {'x': 2.1400096311738293, 'y': 0.8759005395937411}. \n[I 2023-11-01 05:13:26,754] Trial 5 finished with values: [28.47224810043761, 20.080397505268877] and parameters: {'x': 1.491939438930675, 'y': 2.2118270130533775}. \n[I 2023-11-01 05:13:26,755] Trial 6 finished with values: [34.79692525085332, 25.834495539271252] and parameters: {'x': 2.9275220033776446, 'y': 0.3589515739665632}. \n[I 2023-11-01 05:13:26,756] Trial 7 finished with values: [14.992181265583149, 26.51849239338911] and parameters: {'x': 1.5043106858534765, 'y': 1.2186446064471916}. \n[I 2023-11-01 05:13:26,757] Trial 8 finished with values: [74.74860648981647, 8.62281479399137] and parameters: {'x': 3.572659037453158, 'y': 2.4337746453931164}. \n[I 2023-11-01 05:13:26,758] Trial 9 finished with values: [33.060670128487004, 24.984932088454094] and parameters: {'x': 0.49625812175192574, 'y': 2.83176542261484}. \n[I 2023-11-01 05:13:26,760] Trial 10 finished with values: [50.87027752994131, 12.284325880673176] and parameters: {'x': 2.519525364390109, 'y': 2.5237989857911063}. \n[I 2023-11-01 05:13:26,761] Trial 11 finished with values: [47.81282416793959, 20.76204060715847] and parameters: {'x': 3.3766849726681345, 'y': 0.7424315708145082}. \n[I 2023-11-01 05:13:26,762] Trial 12 finished with values: [68.0923798127526, 10.936461007950562] and parameters: {'x': 3.608863367444217, 'y': 1.9998000270795417}. \n[I 2023-11-01 05:13:26,763] Trial 13 finished with values: [68.11332765071177, 18.283317865248762] and parameters: {'x': 4.041611936672762, 'y': 0.8328894680701556}. \n[I 2023-11-01 05:13:26,763] Trial 14 finished with values: [21.358706939468448, 23.783978285833946] and parameters: {'x': 1.153010740187987, 'y': 2.0025591047153295}. \n[I 2023-11-01 05:13:26,765] Trial 15 finished with values: [7.718425157345697, 32.38277858917249] and parameters: {'x': 0.8793262748543434, 'y': 1.07535649516205}. \n[I 2023-11-01 05:13:26,767] Trial 16 finished with values: [59.5555782074048, 11.855204653068668] and parameters: {'x': 3.294348182434405, 'y': 2.009020807443848}. \n[I 2023-11-01 05:13:26,768] Trial 17 finished with values: [18.006300686945604, 32.5693195754777] and parameters: {'x': 2.120442842381498, 'y': 0.07278271724437269}. \n[I 2023-11-01 05:13:26,769] Trial 18 finished with values: [76.5109041421351, 9.073144911020501] and parameters: {'x': 3.742648803674684, 'y': 2.262809308776643}. \n[I 2023-11-01 05:13:26,769] Trial 19 finished with values: [48.083929856466646, 14.391241944711034] and parameters: {'x': 2.9637333460046413, 'y': 1.7992407059359217}. \n[I 2023-11-01 05:13:26,770] Trial 20 finished with values: [2.6225106872500827, 39.399098372989904] and parameters: {'x': 0.4577540790915152, 'y': 0.6678988507907463}. \n[I 2023-11-01 05:13:26,771] Trial 21 finished with values: [5.6078229471826235, 35.64656489864106] and parameters: {'x': 0.5042258640725272, 'y': 1.0713132197429327}. \n[I 2023-11-01 05:13:26,772] Trial 22 finished with values: [61.500965171902635, 10.05199776075841] and parameters: {'x': 2.9558130642314717, 'y': 2.576511288990253}. \n[I 2023-11-01 05:13:26,773] Trial 23 finished with values: [33.24618817618619, 22.54169448578477] and parameters: {'x': 2.766790967850251, 'y': 0.8101942879759266}. \n[I 2023-11-01 05:13:26,774] Trial 24 finished with values: [111.28023206521948, 8.941003488429816] and parameters: {'x': 4.875461939258788, 'y': 2.0124435135287175}. \n[I 2023-11-01 05:13:26,775] Trial 25 finished with values: [23.329784974138647, 31.268146609533915] and parameters: {'x': 2.414684989957687, 'y': 0.04174497344238792}. \n[I 2023-11-01 05:13:26,775] Trial 26 finished with values: [61.5382356412469, 9.994434997487087] and parameters: {'x': 2.620795444648935, 'y': 2.9182169466335286}. \n[I 2023-11-01 05:13:26,776] Trial 27 finished with values: [19.38790553248352, 29.815484083131754] and parameters: {'x': 0.325805110938428, 'y': 2.1773441190604848}. \n[I 2023-11-01 05:13:26,777] Trial 28 finished with values: [59.22176916725303, 23.62911464177838] and parameters: {'x': 3.8375789436798966, 'y': 0.28005382132359136}. \n[I 2023-11-01 05:13:26,778] Trial 29 finished with values: [36.076491502113846, 28.502159224275438] and parameters: {'x': 3.002787166249684, 'y': 0.048909198875618176}. \n[I 2023-11-01 05:13:26,779] Trial 30 finished with values: [29.197595158114932, 22.262953738951666] and parameters: {'x': 0.9897079629966982, 'y': 2.5139365420610083}. \n[I 2023-11-01 05:13:26,780] Trial 31 finished with values: [1.5437246316074695, 42.17390188639581] and parameters: {'x': 0.25448606695871956, 'y': 0.5667168601918858}. \n[I 2023-11-01 05:13:26,781] Trial 32 finished with values: [83.97701474291661, 19.785756860352084] and parameters: {'x': 4.545708567862597, 'y': 0.5751411146751101}. \n[I 2023-11-01 05:13:26,782] Trial 33 finished with values: [35.320753634030424, 17.247310749972684] and parameters: {'x': 2.382878830442002, 'y': 1.7754089354114904}. \n[I 2023-11-01 05:13:26,783] Trial 34 finished with values: [50.74907039061639, 26.349085413871475] and parameters: {'x': 3.5611783222903104, 'y': 0.07263989608795196}. \n[I 2023-11-01 05:13:26,783] Trial 35 finished with values: [28.138034773705062, 25.213898923991906] and parameters: {'x': 0.5981174351450025, 'y': 2.583943541798433}. \n[I 2023-11-01 05:13:26,784] Trial 36 finished with values: [16.316954218661238, 29.11028808048897] and parameters: {'x': 0.5549072884823536, 'y': 1.94198775893528}. \n[I 2023-11-01 05:13:26,785] Trial 37 finished with values: [15.258936071960601, 32.940969383357384] and parameters: {'x': 0.13920944041591, 'y': 1.9481670230473669}. \n[I 2023-11-01 05:13:26,786] Trial 38 finished with values: [26.691479919500754, 30.558375022202316] and parameters: {'x': 2.5830335878678463, 'y': 0.02841590789944093}. \n[I 2023-11-01 05:13:26,787] Trial 39 finished with values: [79.68956855401672, 8.848417959112547] and parameters: {'x': 3.8512701879541305, 'y': 2.256127229985033}. \n[I 2023-11-01 05:13:26,788] Trial 40 finished with values: [13.147244131965323, 27.877701150566686] and parameters: {'x': 1.4417691069861782, 'y': 1.0991418812562865}. \n[I 2023-11-01 05:13:26,789] Trial 41 finished with values: [123.86194662675962, 4.751322086340966] and parameters: {'x': 4.7911398301370465, 'y': 2.830276626897847}. \n[I 2023-11-01 05:13:26,790] Trial 42 finished with values: [101.01294202105038, 7.623779436580306] and parameters: {'x': 4.473379132872097, 'y': 2.289566473996132}. \n[I 2023-11-01 05:13:26,791] Trial 43 finished with values: [29.852230535695313, 25.323236028426116] and parameters: {'x': 2.678955858091242, 'y': 0.5350263024585299}. \n[I 2023-11-01 05:13:26,792] Trial 44 finished with values: [76.39588406434554, 19.198461105361584] and parameters: {'x': 4.318300923075188, 'y': 0.6717500679972921}. \n[I 2023-11-01 05:13:26,793] Trial 45 finished with values: [46.10632088733226, 13.97109433760054] and parameters: {'x': 2.7086511847660066, 'y': 2.046897403657246}. \n[I 2023-11-01 05:13:26,794] Trial 46 finished with values: [8.033955355028807, 32.88663973010493] and parameters: {'x': 1.2563117686745113, 'y': 0.6558731421907158}. \n[I 2023-11-01 05:13:26,794] Trial 47 finished with values: [73.57874083624267, 10.52649793187809] and parameters: {'x': 3.8019933487843782, 'y': 1.9848253789338797}. \n[I 2023-11-01 05:13:26,795] Trial 48 finished with values: [7.761348562446933, 32.475034461755435] and parameters: {'x': 0.8218598851660935, 'y': 1.1246703827195366}. \n[I 2023-11-01 05:13:26,796] Trial 49 finished with values: [70.78366624076264, 21.832506663397783] and parameters: {'x': 4.187722516213624, 'y': 0.3986184734656636}. \n\u001b[2Kreading sources... [ 83%] reference/visualization/generated/optuna.visualization.plot_hypervolume_history\n:17: ExperimentalWarning:\n\nplot_hypervolume_history is experimental (supported from v3.3.0). The interface can change in the future.\n\n[I 2023-11-01 05:13:26,879] A new study created in memory with name: no-name-be95f7a1-b9cc-42c3-9e18-7496cffdb556\n[I 2023-11-01 05:13:26,884] Trial 0 finished with value: 0.0019136820148431557 and parameters: {'lr': 0.012169775677700537}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,888] Trial 1 finished with value: 0.9938688492959205 and parameters: {'lr': 1.2106198691436028e-05}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,892] Trial 2 finished with value: 0.1745378429868226 and parameters: {'lr': 0.0034244666391252923}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,896] Trial 3 finished with value: 0.006252957628893589 and parameters: {'lr': 0.009890438121030055}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,900] Trial 4 finished with value: 0.6055868994372475 and parameters: {'lr': 0.0009863431872330064}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,901] Trial 5 pruned. \n[I 2023-11-01 05:13:26,903] Trial 6 pruned. \n[I 2023-11-01 05:13:26,935] Trial 7 finished with value: 0.00348251977331975 and parameters: {'lr': 0.011018509458263562}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:13:26,937] Trial 8 pruned. \n[I 2023-11-01 05:13:26,938] Trial 9 pruned. \n[I 2023-11-01 05:13:26,974] Trial 10 finished with value: 2.8413318183320897e-13 and parameters: {'lr': 0.053753912442422704}. Best is trial 10 with value: 2.8413318183320897e-13.\n[I 2023-11-01 05:13:27,011] Trial 11 finished with value: 3.23351297854631e-20 and parameters: {'lr': 0.08097836606986637}. Best is trial 11 with value: 3.23351297854631e-20.\n[I 2023-11-01 05:13:27,049] Trial 12 finished with value: 1.5818620680169856e-23 and parameters: {'lr': 0.09336678872953223}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:13:27,094] Trial 13 finished with value: 8.701934191941001e-16 and parameters: {'lr': 0.06380854538856418}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:13:27,128] Trial 14 finished with value: 1.3380099081736585e-15 and parameters: {'lr': 0.0630691017367573}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:13:27,162] Trial 15 finished with value: 1.380974859858719e-22 and parameters: {'lr': 0.08988313704170887}. Best is trial 12 with value: 1.5818620680169856e-23.\n\u001b[2Kreading sources... [ 84%] reference/visualization/generated/optuna.visualization.plot_intermediate_values\n[I 2023-11-01 05:13:27,283] A new study created in memory with name: no-name-ea9eca02-47a4-4bf2-870e-cf6d36179848\n[I 2023-11-01 05:13:27,284] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:13:27,285] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,286] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,287] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,288] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,289] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,289] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,290] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,291] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,292] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 84%] reference/visualization/generated/optuna.visualization.plot_optimization_history\n[I 2023-11-01 05:13:27,384] A new study created in memory with name: no-name-15d4dfa9-cf98-4243-bd4a-3f6d37d12ddd\n[I 2023-11-01 05:13:27,385] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:13:27,385] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,386] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,387] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,388] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,389] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,389] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,390] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,391] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:27,392] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 85%] reference/visualization/generated/optuna.visualization.plot_parallel_coordinate\n[I 2023-11-01 05:13:27,477] A new study created in memory with name: no-name-6b286ef9-4088-4cee-ab1e-ce15aff99034\n[I 2023-11-01 05:13:27,479] Trial 0 finished with value: 2.303288077753039 and parameters: {'x': 2, 'y': -0.958496101281197, 'z': 0.9504723523894132}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:13:27,480] Trial 1 finished with value: 3.987072181809778 and parameters: {'x': 2, 'y': -0.0029859753948191514, 'z': 0.3371949682962715}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:13:27,481] Trial 2 finished with value: 0.1373303052750334 and parameters: {'x': 0, 'y': 0.5210614243979175, 'z': 0.2536662548438032}. Best is trial 2 with value: 0.1373303052750334.\n[I 2023-11-01 05:13:27,482] Trial 3 finished with value: -4.131719919585369 and parameters: {'x': 0, 'y': 0.3707196367355945, 'z': 1.4300900192924049}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,482] Trial 4 finished with value: -2.2075688995928044 and parameters: {'x': 0, 'y': 0.024384526771553228, 'z': 1.2189314424781703}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,483] Trial 5 finished with value: 1.0504976105266983 and parameters: {'x': 1, 'y': 0.4435106348635991, 'z': 0.43781410225594974}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,484] Trial 6 finished with value: 3.6403994820820413 and parameters: {'x': 2, 'y': 0.42915156679538113, 'z': 0.8138165520168918}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,485] Trial 7 finished with value: -1.0618155340386866 and parameters: {'x': 0, 'y': -0.2533184798970616, 'z': 1.011200422599518}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,486] Trial 8 finished with value: 0.26036828149432933 and parameters: {'x': 1, 'y': -0.13197201333341257, 'z': 0.9266504677039757}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,487] Trial 9 finished with value: 0.3665588473301721 and parameters: {'x': 1, 'y': 0.30079436386293446, 'z': 0.9015584301068166}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,488] Trial 10 finished with value: 0.5490457030167408 and parameters: {'x': 2, 'y': 0.043294304787268256, 'z': 1.3629733212130024}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,489] Trial 11 finished with value: -0.5909072245888702 and parameters: {'x': 0, 'y': -0.8190813014581853, 'z': 0.45105008495430504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,490] Trial 12 finished with value: 0.28403878205829847 and parameters: {'x': 0, 'y': 0.6573626526153533, 'z': 0.07034447908387464}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,491] Trial 13 finished with value: -1.2800539009325118 and parameters: {'x': 1, 'y': 0.09517231183848707, 'z': 1.228930493505103}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,492] Trial 14 finished with value: 0.28612245684320287 and parameters: {'x': 0, 'y': 0.7137006049154664, 'z': 0.5274789591481319}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,493] Trial 15 finished with value: 0.8413984238191299 and parameters: {'x': 2, 'y': -0.4080765862406426, 'z': 1.3259047193417794}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,494] Trial 16 finished with value: -0.4209059689419605 and parameters: {'x': 0, 'y': -0.669968204561703, 'z': 0.5887938659198809}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,495] Trial 17 finished with value: 0.2622281285098704 and parameters: {'x': 0, 'y': 0.6422113156738569, 'z': 0.2267280294638458}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,495] Trial 18 finished with value: -3.1150676084049143 and parameters: {'x': 1, 'y': 0.8885214244776023, 'z': 1.4814382123528085}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,496] Trial 19 finished with value: 1.2572674813923508 and parameters: {'x': 1, 'y': 0.6522456876854796, 'z': 0.377061201310589}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,497] Trial 20 finished with value: 1.109576126625988 and parameters: {'x': 1, 'y': 0.8056635206632548, 'z': 0.8018369232027226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,498] Trial 21 finished with value: 0.13525979446250405 and parameters: {'x': 1, 'y': -0.9214364655492253, 'z': 0.5357726379518044}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,499] Trial 22 finished with value: -0.11946269307197326 and parameters: {'x': 0, 'y': -0.38908016331436346, 'z': 0.496078967973198}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,500] Trial 23 finished with value: 3.048844180430364 and parameters: {'x': 2, 'y': -0.9200815826200455, 'z': 0.6442382676474575}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,501] Trial 24 finished with value: -0.052504516247150426 and parameters: {'x': 0, 'y': 0.27298228613508924, 'z': 0.5195207251200495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,502] Trial 25 finished with value: -1.2792692674509083 and parameters: {'x': 0, 'y': 0.759830349035832, 'z': 1.1448608807155216}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,503] Trial 26 finished with value: 3.314670809360776 and parameters: {'x': 2, 'y': -0.16498171232146608, 'z': 0.9083663465906351}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,504] Trial 27 finished with value: 0.9835588143169801 and parameters: {'x': 1, 'y': 0.1956732959259473, 'z': 0.3933234916979254}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,505] Trial 28 finished with value: -0.8979185222841687 and parameters: {'x': 0, 'y': -0.9492004358997879, 'z': 0.45459384097655214}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,506] Trial 29 finished with value: -0.5162192525906403 and parameters: {'x': 0, 'y': 0.11515637732528838, 'z': 0.8482605298322513}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,507] Trial 30 finished with value: 0.9287478215836122 and parameters: {'x': 1, 'y': -0.4144040474209818, 'z': 0.09637659104223667}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,508] Trial 31 finished with value: 3.6629941314557772 and parameters: {'x': 2, 'y': -0.3205843127242727, 'z': 0.7425729463236814}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,508] Trial 32 finished with value: 3.9463906776735107 and parameters: {'x': 2, 'y': -0.11845235019866696, 'z': 0.4774092082184268}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,509] Trial 33 finished with value: -1.6881011620090576 and parameters: {'x': 1, 'y': 0.156272859764935, 'z': 1.2809006257507296}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,510] Trial 34 finished with value: -1.893044916603758 and parameters: {'x': 0, 'y': -0.07093838444133493, 'z': 1.1729236779287227}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,511] Trial 35 finished with value: 4.005082765391397 and parameters: {'x': 2, 'y': 0.1720439601063517, 'z': 0.05564161985161181}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,512] Trial 36 finished with value: 0.9611598377675362 and parameters: {'x': 1, 'y': 0.12638136898549002, 'z': 0.44959480863684426}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,513] Trial 37 finished with value: 1.0385066437780113 and parameters: {'x': 1, 'y': 0.34693385056944104, 'z': 0.23879060006714026}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,514] Trial 38 finished with value: -0.03481869624869508 and parameters: {'x': 0, 'y': -0.32436822587064107, 'z': 0.16209565916917884}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,515] Trial 39 finished with value: 0.36926790170369916 and parameters: {'x': 0, 'y': 0.7716541923354114, 'z': 0.5480474568211737}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,516] Trial 40 finished with value: 0.12812115659454607 and parameters: {'x': 0, 'y': 0.5049923404372056, 'z': 0.16031937659035372}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,517] Trial 41 finished with value: 3.3512758155964324 and parameters: {'x': 2, 'y': -0.060429413119011066, 'z': 0.8973835069186638}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,518] Trial 42 finished with value: -1.128945814699914 and parameters: {'x': 0, 'y': -0.6319303558136975, 'z': 0.9676081897023627}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,519] Trial 43 finished with value: -0.5652914601075866 and parameters: {'x': 0, 'y': -0.5027749843944611, 'z': 0.8136127743420063}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,520] Trial 44 finished with value: -3.6754171752298412 and parameters: {'x': 0, 'y': -0.23717693019073582, 'z': 1.3833491803553195}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,521] Trial 45 finished with value: 3.5923565401224673 and parameters: {'x': 2, 'y': 0.1334998491499999, 'z': 0.800206327483504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,522] Trial 46 finished with value: 0.3273232510679114 and parameters: {'x': 0, 'y': 0.9557985268040099, 'z': 0.8595433560497787}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,523] Trial 47 finished with value: 1.0025147792970173 and parameters: {'x': 2, 'y': 0.12311472055273787, 'z': 1.316002862347402}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,524] Trial 48 finished with value: 1.0704131899221963 and parameters: {'x': 1, 'y': 0.41769965273791043, 'z': 0.22280017703468785}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,525] Trial 49 finished with value: 1.0577053447123854 and parameters: {'x': 1, 'y': 0.38778013268482336, 'z': 0.15692961678427975}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,525] Trial 50 finished with value: 0.3680190757085285 and parameters: {'x': 1, 'y': -0.6675957045909326, 'z': 0.7604679438960711}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,526] Trial 51 finished with value: 1.3747495993933643 and parameters: {'x': 2, 'y': -0.8197865305511229, 'z': 1.2001031260412178}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,527] Trial 52 finished with value: 0.9979094500663931 and parameters: {'x': 1, 'y': 0.1786954233612148, 'z': 0.29715098582440336}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,528] Trial 53 finished with value: 0.9319764488693013 and parameters: {'x': 1, 'y': -0.4081924755583253, 'z': 0.05633651391251654}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,529] Trial 54 finished with value: -1.5592042740852488 and parameters: {'x': 0, 'y': -0.09378999959753309, 'z': 1.1172961154251015}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,530] Trial 55 finished with value: 0.9838292684588362 and parameters: {'x': 1, 'y': -0.22977280086902696, 'z': 0.2521091962989279}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,531] Trial 56 finished with value: 2.1076623237986754 and parameters: {'x': 2, 'y': 0.19810359492298524, 'z': 1.1740722273674566}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,532] Trial 57 finished with value: 2.1246831699758735 and parameters: {'x': 2, 'y': 0.20632595172406965, 'z': 1.1715909259354231}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,533] Trial 58 finished with value: -1.4840880698467611 and parameters: {'x': 1, 'y': -0.95766961765569, 'z': 1.1256969157312366}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,534] Trial 59 finished with value: -0.3515250197672625 and parameters: {'x': 0, 'y': -0.08297158752545397, 'z': 0.7696840615983677}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,535] Trial 60 finished with value: 1.3220296764593489 and parameters: {'x': 1, 'y': 0.6887715890786952, 'z': 0.2622208422331791}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,536] Trial 61 finished with value: -1.2007575031405602 and parameters: {'x': 0, 'y': 0.6975281436224643, 'z': 1.1140118659491511}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,537] Trial 62 finished with value: 0.994468973365035 and parameters: {'x': 1, 'y': -0.1662031859012445, 'z': 0.1750942664204449}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,538] Trial 63 finished with value: -0.8620345557039887 and parameters: {'x': 1, 'y': -0.8106819185126939, 'z': 1.0737463091269712}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,539] Trial 64 finished with value: -0.7521010442890089 and parameters: {'x': 0, 'y': -0.588099483262055, 'z': 0.8606643471768032}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,540] Trial 65 finished with value: -2.080632890204889 and parameters: {'x': 0, 'y': 0.3114534854291964, 'z': 1.2053525216148295}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,540] Trial 66 finished with value: -1.7527509150220157 and parameters: {'x': 1, 'y': -0.8131192461124659, 'z': 1.2199741255062062}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,541] Trial 67 finished with value: 1.1629406477988748 and parameters: {'x': 2, 'y': -0.2131617751269692, 'z': 1.2967187907029298}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,542] Trial 68 finished with value: -1.5100225453807168 and parameters: {'x': 1, 'y': -0.48539422558999235, 'z': 1.2441028797408538}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,543] Trial 69 finished with value: 3.1274555273715547 and parameters: {'x': 2, 'y': 0.015201816109918775, 'z': 0.9664899225621255}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,544] Trial 70 finished with value: -3.911644822917701 and parameters: {'x': 0, 'y': 0.7914178974071162, 'z': 1.4489193772617226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,545] Trial 71 finished with value: 0.34386198109125343 and parameters: {'x': 0, 'y': 0.7311052364545663, 'z': 0.46542556041017846}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,546] Trial 72 finished with value: -0.7388007953082896 and parameters: {'x': 0, 'y': -0.9016096844525427, 'z': 0.27694025702139824}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,547] Trial 73 finished with value: -3.6407063057001596 and parameters: {'x': 0, 'y': -0.4850491531909138, 'z': 1.370372597356012}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,548] Trial 74 finished with value: -1.5826031648960468 and parameters: {'x': 1, 'y': -0.7395764210408102, 'z': 1.2148374981002679}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,549] Trial 75 finished with value: -2.589088162728826 and parameters: {'x': 1, 'y': -0.9511347100336718, 'z': 1.2852465639416288}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,550] Trial 76 finished with value: -0.007960371974823174 and parameters: {'x': 0, 'y': 0.4182119281439811, 'z': 0.533658514235495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,551] Trial 77 finished with value: 3.9028308169237502 and parameters: {'x': 2, 'y': 0.6892377222877011, 'z': 0.8072212757099377}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,552] Trial 78 finished with value: 0.46670116449600285 and parameters: {'x': 1, 'y': -0.7549800371251603, 'z': 0.5664628778611204}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,553] Trial 79 finished with value: -2.2015513126587933 and parameters: {'x': 1, 'y': 0.022417292570930725, 'z': 1.3376438549035414}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,554] Trial 80 finished with value: -2.013616301607068 and parameters: {'x': 0, 'y': -0.207116242243099, 'z': 1.189909849541421}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,555] Trial 81 finished with value: -1.7738059712887448 and parameters: {'x': 1, 'y': -0.6302649000181753, 'z': 1.2603709741325857}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:13:27,555] Trial 82 finished with value: -4.523011054108479 and parameters: {'x': 1, 'y': -0.8798995888983607, 'z': 1.4833754612943018}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:13:27,556] Trial 83 finished with value: -0.08079888724155815 and parameters: {'x': 0, 'y': 0.22940342596033925, 'z': 0.5520400212531891}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:13:27,557] Trial 84 finished with value: 1.7141266522072458 and parameters: {'x': 2, 'y': 0.25512370541125784, 'z': 1.2318247142973906}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:13:27,558] Trial 85 finished with value: -0.7520872270920254 and parameters: {'x': 0, 'y': -0.4504097368144626, 'z': 0.901577836698765}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:13:27,559] Trial 86 finished with value: 4.046893464626376 and parameters: {'x': 2, 'y': 0.41459261868287456, 'z': 0.3951047474351363}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:13:27,560] Trial 87 finished with value: -4.571964349495191 and parameters: {'x': 0, 'y': -0.08255154162027267, 'z': 1.4622187490950038}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,561] Trial 88 finished with value: 3.769073758442562 and parameters: {'x': 2, 'y': -0.6134925354270779, 'z': 0.0701088407420925}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,562] Trial 89 finished with value: 1.9906707709215672 and parameters: {'x': 2, 'y': 0.7172980309368531, 'z': 1.2418547636228567}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,563] Trial 90 finished with value: 0.20579475832853023 and parameters: {'x': 2, 'y': 0.1978728981453497, 'z': 1.3963737537716272}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,564] Trial 91 finished with value: -0.5572192676601909 and parameters: {'x': 0, 'y': -0.7720793824906156, 'z': 0.5580433532607516}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,565] Trial 92 finished with value: 3.115262529317084 and parameters: {'x': 2, 'y': -0.3577159370700811, 'z': 0.9570526220169401}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,566] Trial 93 finished with value: -0.06522562849929504 and parameters: {'x': 0, 'y': 0.08693007694983201, 'z': 0.5066319703277753}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,567] Trial 94 finished with value: 4.574547370310522 and parameters: {'x': 2, 'y': 0.8814140769664465, 'z': 0.5761827737303541}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,568] Trial 95 finished with value: 1.5015652459171465 and parameters: {'x': 1, 'y': 0.7945598896386961, 'z': 0.08823355215277057}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,569] Trial 96 finished with value: 0.5950628609995365 and parameters: {'x': 1, 'y': -0.7396489187381752, 'z': 0.13045411338692636}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,570] Trial 97 finished with value: 3.3511994815140613 and parameters: {'x': 2, 'y': -0.3908532893067598, 'z': 0.8760838088329035}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,571] Trial 98 finished with value: 3.781443021265078 and parameters: {'x': 2, 'y': 0.7615841212270811, 'z': 0.9014313108685146}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:13:27,572] Trial 99 finished with value: 0.26309303070193535 and parameters: {'x': 1, 'y': -0.8867435943237876, 'z': 0.44622614546388273}. Best is trial 87 with value: -4.571964349495191.\n\u001b[2Kreading sources... [ 85%] reference/visualization/generated/optuna.visualization.plot_param_importances\n[I 2023-11-01 05:13:29,023] A new study created in memory with name: no-name-76454a70-1450-4b57-aaae-729a1258b578\n[I 2023-11-01 05:13:29,025] Trial 0 finished with values: [60.839498215625845, 20.557569521342742] and parameters: {'x': 3.8513698393129414, 'y': 0.6138606639434306}. \n[I 2023-11-01 05:13:29,026] Trial 1 finished with values: [75.6765269970235, 9.912597434921036] and parameters: {'x': 3.8193135655343906, 'y': 2.0813398658990936}. \n[I 2023-11-01 05:13:29,026] Trial 2 finished with values: [50.76866965645232, 13.992471664146379] and parameters: {'x': 3.0806881185321995, 'y': 1.7892814564644706}. \n[I 2023-11-01 05:13:29,027] Trial 3 finished with values: [9.780253792468034, 30.818204424176386] and parameters: {'x': 0.8506285260845131, 'y': 1.3120573763095489}. \n[I 2023-11-01 05:13:29,028] Trial 4 finished with values: [8.02347959518273, 32.27461067097745] and parameters: {'x': 1.1586921936829193, 'y': 0.8144337290989038}. \n[I 2023-11-01 05:13:29,029] Trial 5 finished with values: [114.02644882131683, 5.308542438404032] and parameters: {'x': 4.586409051554322, 'y': 2.7333979251381955}. \n[I 2023-11-01 05:13:29,030] Trial 6 finished with values: [93.36787160177158, 9.579235820427932] and parameters: {'x': 4.415641774846079, 'y': 1.9606314331554178}. \n[I 2023-11-01 05:13:29,030] Trial 7 finished with values: [10.261124154496988, 35.47023820271913] and parameters: {'x': 1.5977456110858994, 'y': 0.11175867250461213}. \n[I 2023-11-01 05:13:29,031] Trial 8 finished with values: [76.1379102840047, 19.977299433457603] and parameters: {'x': 4.323880544500293, 'y': 0.5818372692540644}. \n[I 2023-11-01 05:13:29,032] Trial 9 finished with values: [33.58532113452739, 17.546853061098325] and parameters: {'x': 2.2051565843341865, 'y': 1.8797911379191654}. \n[I 2023-11-01 05:13:29,033] Trial 10 finished with values: [94.80156389912213, 10.93309900369197] and parameters: {'x': 4.552883291937647, 'y': 1.723845905171209}. \n[I 2023-11-01 05:13:29,033] Trial 11 finished with values: [35.15952982860579, 19.310396331971816] and parameters: {'x': 1.268023410795922, 'y': 2.679925201722041}. \n[I 2023-11-01 05:13:29,034] Trial 12 finished with values: [70.57343168407641, 14.951458859235878] and parameters: {'x': 4.005940421476566, 'y': 1.2632494847017564}. \n[I 2023-11-01 05:13:29,035] Trial 13 finished with values: [81.8014663547554, 10.715835586743768] and parameters: {'x': 4.12893835588836, 'y': 1.844514744306148}. \n[I 2023-11-01 05:13:29,036] Trial 14 finished with values: [23.505215998841912, 23.219490613806272] and parameters: {'x': 2.154360897618915, 'y': 1.1113204409715056}. \n[I 2023-11-01 05:13:29,037] Trial 15 finished with values: [9.544514915287603, 36.47591608232692] and parameters: {'x': 1.5439938975145784, 'y': 0.04702736713492006}. \n[I 2023-11-01 05:13:29,038] Trial 16 finished with values: [1.9130412991906387, 42.69898960234727] and parameters: {'x': 0.0925895663378995, 'y': 0.6853375059071402}. \n[I 2023-11-01 05:13:29,038] Trial 17 finished with values: [46.513732901773956, 13.406214183062087] and parameters: {'x': 2.438689735508042, 'y': 2.383532168730098}. \n[I 2023-11-01 05:13:29,039] Trial 18 finished with values: [14.720744884053317, 26.83120093284827] and parameters: {'x': 1.537187763417579, 'y': 1.147710765398927}. \n[I 2023-11-01 05:13:29,040] Trial 19 finished with values: [59.17276857694263, 14.661212319363415] and parameters: {'x': 3.5618513635291875, 'y': 1.4513466189580366}. \n[I 2023-11-01 05:13:29,041] Trial 20 finished with values: [30.949947090360254, 24.469566753137116] and parameters: {'x': 0.6137021740672799, 'y': 2.713089827878015}. \n[I 2023-11-01 05:13:29,042] Trial 21 finished with values: [63.50675212199463, 9.56037384281969] and parameters: {'x': 2.9134164575158157, 'y': 2.718214961252081}. \n[I 2023-11-01 05:13:29,042] Trial 22 finished with values: [65.86014280579418, 24.12851708337987] and parameters: {'x': 4.053721857116065, 'y': 0.1799300046908031}. \n[I 2023-11-01 05:13:29,043] Trial 23 finished with values: [52.28382622683156, 12.439143503252666] and parameters: {'x': 2.8872970564018026, 'y': 2.17588424894372}. \n[I 2023-11-01 05:13:29,044] Trial 24 finished with values: [48.537430023268726, 12.939254200460937] and parameters: {'x': 2.330204866746702, 'y': 2.5893054637889223}. \n[I 2023-11-01 05:13:29,045] Trial 25 finished with values: [39.42631287041227, 20.51411149469814] and parameters: {'x': 2.996062055989305, 'y': 0.9381846163011874}. \n[I 2023-11-01 05:13:29,045] Trial 26 finished with values: [7.8565987688321695, 33.70559797490104] and parameters: {'x': 1.2984636659798903, 'y': 0.5273915057508098}. \n[I 2023-11-01 05:13:29,046] Trial 27 finished with values: [83.40628303218804, 8.651632930370544] and parameters: {'x': 3.978158578286937, 'y': 2.2418352044807093}. \n[I 2023-11-01 05:13:29,047] Trial 28 finished with values: [61.33234945005918, 10.020219299879386] and parameters: {'x': 2.8989109834771707, 'y': 2.6323758227863703}. \n[I 2023-11-01 05:13:29,048] Trial 29 finished with values: [33.26737067359938, 24.56063665320886] and parameters: {'x': 2.8322392949963615, 'y': 0.5433813065227373}. \n[I 2023-11-01 05:13:29,049] Trial 30 finished with values: [101.25555597411088, 6.469761218055207] and parameters: {'x': 4.341183403969173, 'y': 2.5432293735780784}. \n[I 2023-11-01 05:13:29,049] Trial 31 finished with values: [53.51770062653417, 26.27639296709217] and parameters: {'x': 3.6574071641006114, 'y': 0.052896054853526}. \n[I 2023-11-01 05:13:29,050] Trial 32 finished with values: [19.639681134873328, 23.639278501984897] and parameters: {'x': 1.4619075435504976, 'y': 1.665156634622846}. \n[I 2023-11-01 05:13:29,051] Trial 33 finished with values: [90.20100636581793, 19.785191898248687] and parameters: {'x': 4.715449890266091, 'y': 0.5610560790544893}. \n[I 2023-11-01 05:13:29,052] Trial 34 finished with values: [79.26939060646329, 13.978908590193821] and parameters: {'x': 4.24582897684104, 'y': 1.3380149293011598}. \n[I 2023-11-01 05:13:29,053] Trial 35 finished with values: [77.47513393975598, 16.636586400352627] and parameters: {'x': 4.2896918906238675, 'y': 0.983527817834769}. \n[I 2023-11-01 05:13:29,054] Trial 36 finished with values: [1.8520737788278827, 41.32301869838012] and parameters: {'x': 0.6075331529189698, 'y': 0.30646682171371553}. \n[I 2023-11-01 05:13:29,055] Trial 37 finished with values: [26.809556534692273, 22.08998736661516] and parameters: {'x': 1.1338381544558052, 'y': 2.3274020222499856}. \n[I 2023-11-01 05:13:29,055] Trial 38 finished with values: [49.83772062765459, 16.2460970048215] and parameters: {'x': 3.254348105918166, 'y': 1.3669852092910486}. \n[I 2023-11-01 05:13:29,056] Trial 39 finished with values: [29.854924662352147, 18.8335654643139] and parameters: {'x': 1.965291824314002, 'y': 1.8977247458134119}. \n[I 2023-11-01 05:13:29,057] Trial 40 finished with values: [22.288805064221584, 26.35005335239491] and parameters: {'x': 0.6540969798220719, 'y': 2.268117811543977}. \n[I 2023-11-01 05:13:29,058] Trial 41 finished with values: [50.7696055582819, 15.46529479019017] and parameters: {'x': 3.2389666906590193, 'y': 1.4837439692790113}. \n[I 2023-11-01 05:13:29,059] Trial 42 finished with values: [19.735254173141115, 24.352324597794556] and parameters: {'x': 1.8880147018221571, 'y': 1.1701341927269155}. \n[I 2023-11-01 05:13:29,060] Trial 43 finished with values: [27.870009756919487, 24.198813713961847] and parameters: {'x': 0.7444076929938459, 'y': 2.532461179532956}. \n[I 2023-11-01 05:13:29,061] Trial 44 finished with values: [14.663592765224179, 33.54876119293308] and parameters: {'x': 1.9120583137912002, 'y': 0.09965538604609714}. \n[I 2023-11-01 05:13:29,062] Trial 45 finished with values: [81.64426791436277, 9.490056718975797] and parameters: {'x': 4.0089159042297435, 'y': 2.083185121731746}. \n[I 2023-11-01 05:13:29,063] Trial 46 finished with values: [70.29866744751703, 16.196367710409117] and parameters: {'x': 4.048107092387215, 'y': 1.089722822759799}. \n[I 2023-11-01 05:13:29,064] Trial 47 finished with values: [15.53418016525378, 27.072940551335684] and parameters: {'x': 0.9600683501123958, 'y': 1.7209920988853804}. \n[I 2023-11-01 05:13:29,064] Trial 48 finished with values: [103.00759922506299, 12.864110187208286] and parameters: {'x': 4.873193893026661, 'y': 1.4155850688790852}. \n[I 2023-11-01 05:13:29,065] Trial 49 finished with values: [61.11028588533834, 17.43631862064129] and parameters: {'x': 3.7765560696976, 'y': 1.0075692153717297}. \n[I 2023-11-01 05:13:29,115] A new study created in memory with name: no-name-e5a567c4-b959-4b6c-9976-05b398246dcf\n[I 2023-11-01 05:13:29,117] Trial 0 finished with values: [87.5428147336911, 125.91744301693782, 4.582929785775083] and parameters: {'x': 4.172211556019937, 'y': 0.4107182297551468}. \n[I 2023-11-01 05:13:29,118] Trial 1 finished with values: [79.42932435371318, 117.42671185736037, 4.944649185984213] and parameters: {'x': 3.9032190319388524, 'y': 1.04143015404536}. \n[I 2023-11-01 05:13:29,119] Trial 2 finished with values: [26.427783393297947, 135.19416404801038, 3.650951467021897] and parameters: {'x': 0.9455694654421115, 'y': 2.705382001579786}. \n[I 2023-11-01 05:13:29,119] Trial 3 finished with values: [89.79033821575278, 105.79019727417875, 5.660253770329672] and parameters: {'x': 4.049970380968, 'y': 1.6102833893616717}. \n[I 2023-11-01 05:13:29,120] Trial 4 finished with values: [80.30985015440285, 99.44019984708149, 5.945482670244573] and parameters: {'x': 3.5538915570458802, 'y': 2.391591113198693}. \n[I 2023-11-01 05:13:29,121] Trial 5 finished with values: [35.36530847309604, 127.26889560375241, 4.05347846357872] and parameters: {'x': 2.2748531652741395, 'y': 1.7786252983045814}. \n[I 2023-11-01 05:13:29,122] Trial 6 finished with values: [101.97010511937889, 96.46281100294159, 6.281006205085368] and parameters: {'x': 4.2261862124989245, 'y': 2.0548199925864434}. \n[I 2023-11-01 05:13:29,122] Trial 7 finished with values: [56.43019606079589, 139.4005593465934, 3.595437203122604] and parameters: {'x': 3.35427233790426, 'y': 0.24116486521834402}. \n[I 2023-11-01 05:13:29,123] Trial 8 finished with values: [44.37053080519889, 137.30821741721277, 3.58676477645972] and parameters: {'x': 2.9359829670808195, 'y': 0.6507818093789008}. \n[I 2023-11-01 05:13:29,124] Trial 9 finished with values: [39.369606041893135, 130.38367683988005, 3.907454683427749] and parameters: {'x': 2.6240516874280577, 'y': 1.2834029959996913}. \n[I 2023-11-01 05:13:29,125] Trial 10 finished with values: [43.15287268266744, 127.51150424878333, 4.0921578225727] and parameters: {'x': 2.7467153640262305, 'y': 1.345442458546469}. \n[I 2023-11-01 05:13:29,126] Trial 11 finished with values: [10.64399821791255, 169.0528887654234, 1.654629387062084] and parameters: {'x': 1.4504428113368224, 'y': 0.20418657572526167}. \n[I 2023-11-01 05:13:29,126] Trial 12 finished with values: [1.6248430865429002, 182.38352568164356, 0.9060430572923813] and parameters: {'x': 0.2363076427766858, 'y': 0.6697354145156955}. \n[I 2023-11-01 05:13:29,127] Trial 13 finished with values: [53.053120523233424, 111.35015669295971, 5.079124848182756] and parameters: {'x': 2.669752755723731, 'y': 2.409372092459025}. \n[I 2023-11-01 05:13:29,128] Trial 14 finished with values: [23.938530588613002, 150.48185587463706, 2.7220363922200237] and parameters: {'x': 2.141352310048534, 'y': 0.58068408217149}. \n[I 2023-11-01 05:13:29,129] Trial 15 finished with values: [88.41788124507585, 132.45363175849647, 4.26156130807225] and parameters: {'x': 4.20495585501509, 'y': 0.05660545305716025}. \n[I 2023-11-01 05:13:29,129] Trial 16 finished with values: [24.483983958924917, 137.02893188075163, 3.5270396980973624] and parameters: {'x': 0.9420208147456793, 'y': 2.585018883351683}. \n[I 2023-11-01 05:13:29,130] Trial 17 finished with values: [19.4059003256577, 146.3389513032142, 2.996167207924808] and parameters: {'x': 0.5563335063281183, 'y': 2.4398337015966893}. \n[I 2023-11-01 05:13:29,131] Trial 18 finished with values: [1.18352122207314, 184.5874888536519, 0.7883053538792981] and parameters: {'x': 0.247723059442867, 'y': 0.5405822944364311}. \n[I 2023-11-01 05:13:29,132] Trial 19 finished with values: [63.13563063033653, 119.78030395328501, 4.67390573923662] and parameters: {'x': 3.417628886836913, 'y': 1.256276852399707}. \n[I 2023-11-01 05:13:29,133] Trial 20 finished with values: [32.639187966844645, 125.77328105460262, 4.153237933787361] and parameters: {'x': 1.7500098250860097, 'y': 2.403228108701351}. \n[I 2023-11-01 05:13:29,133] Trial 21 finished with values: [100.08775322791074, 124.89148437723681, 4.7579795794299535] and parameters: {'x': 4.468474310679378, 'y': 0.28950526875057525}. \n[I 2023-11-01 05:13:29,134] Trial 22 finished with values: [127.87517528767862, 97.70903425469903, 6.43961277685366] and parameters: {'x': 4.917891108613629, 'y': 1.5217216682400305}. \n[I 2023-11-01 05:13:29,135] Trial 23 finished with values: [82.31970190648751, 106.59842810740065, 5.552426308633928] and parameters: {'x': 3.8326778540760467, 'y': 1.7197484545578807}. \n[I 2023-11-01 05:13:29,136] Trial 24 finished with values: [27.86129029274595, 130.7165641882484, 3.8483492196118547] and parameters: {'x': 1.5509101442845425, 'y': 2.297439075327312}. \n[I 2023-11-01 05:13:29,137] Trial 25 finished with values: [77.42702124270832, 120.23885783258746, 4.778773857898154] and parameters: {'x': 3.8719514634778647, 'y': 0.9068223944202886}. \n[I 2023-11-01 05:13:29,137] Trial 26 finished with values: [12.180306287754334, 164.10767867553426, 1.9194272284264817] and parameters: {'x': 1.5316064369743765, 'y': 0.38782079145210524}. \n[I 2023-11-01 05:13:29,138] Trial 27 finished with values: [40.15465156181551, 121.73999994505009, 4.398884300261868] and parameters: {'x': 2.345377763917062, 'y': 2.0535065363448055}. \n[I 2023-11-01 05:13:29,139] Trial 28 finished with values: [0.6003399579466738, 189.37281708748725, 0.5408659886777061] and parameters: {'x': 0.12233023915307728, 'y': 0.4185357495246288}. \n[I 2023-11-01 05:13:29,140] Trial 29 finished with values: [94.94958784217911, 91.94533751264734, 6.492385522886837] and parameters: {'x': 3.8451556490620034, 'y': 2.647229873824833}. \n[I 2023-11-01 05:13:29,141] Trial 30 finished with values: [12.23729193682176, 154.02280808692797, 2.48857408661591] and parameters: {'x': 0.6536139835879334, 'y': 1.8349601030279763}. \n[I 2023-11-01 05:13:29,141] Trial 31 finished with values: [25.686984560020917, 157.384874124444, 2.38793050813644] and parameters: {'x': 2.2645674750934774, 'y': 0.12336303304296259}. \n[I 2023-11-01 05:13:29,142] Trial 32 finished with values: [44.298025616403066, 121.35009638941978, 4.441757942008512] and parameters: {'x': 2.6212840295962807, 'y': 1.8204739124122313}. \n[I 2023-11-01 05:13:29,143] Trial 33 finished with values: [41.93213497048119, 131.35320164213806, 3.8763624624489013] and parameters: {'x': 2.7650300447854965, 'y': 1.1113324176634047}. \n[I 2023-11-01 05:13:29,144] Trial 34 finished with values: [63.06168925172126, 104.278640050114, 5.559968055817444] and parameters: {'x': 2.8833735235252327, 'y': 2.676594532292211}. \n[I 2023-11-01 05:13:29,145] Trial 35 finished with values: [128.9946721929507, 80.0088211822448, 7.458207120154161] and parameters: {'x': 4.5538874292721925, 'y': 2.9043196908819686}. \n[I 2023-11-01 05:13:29,145] Trial 36 finished with values: [128.2831496897921, 99.69541391047744, 6.336503995382272] and parameters: {'x': 4.950084253597278, 'y': 1.3864197417849946}. \n[I 2023-11-01 05:13:29,146] Trial 37 finished with values: [10.140685124815025, 156.40138557655033, 2.3183351698520447] and parameters: {'x': 0.9582322797843323, 'y': 1.3601028900677123}. \n[I 2023-11-01 05:13:29,147] Trial 38 finished with values: [137.0611150401623, 85.75483383537352, 7.183702096265728] and parameters: {'x': 4.938344244688601, 'y': 2.245357851577127}. \n[I 2023-11-01 05:13:29,148] Trial 39 finished with values: [81.34319236587976, 99.58533771908364, 5.943757739575421] and parameters: {'x': 3.6028956988860745, 'y': 2.340862040689347}. \n[I 2023-11-01 05:13:29,149] Trial 40 finished with values: [44.63329541290137, 115.48607906116575, 4.80737892301361] and parameters: {'x': 2.2059377652811785, 'y': 2.6014411577324323}. \n[I 2023-11-01 05:13:29,150] Trial 41 finished with values: [133.15269548232047, 89.62413124342999, 6.931255310245234] and parameters: {'x': 4.919602785658435, 'y': 2.0116525245867996}. \n[I 2023-11-01 05:13:29,151] Trial 42 finished with values: [55.42132113606256, 115.47768476042144, 4.847940608667578] and parameters: {'x': 3.009304764787342, 'y': 1.8386358438802355}. \n[I 2023-11-01 05:13:29,151] Trial 43 finished with values: [44.75773276822533, 120.30719077568205, 4.504341209494624] and parameters: {'x': 2.6053491005527296, 'y': 1.898992108941894}. \n[I 2023-11-01 05:13:29,152] Trial 44 finished with values: [93.63052719639168, 100.99824063074466, 5.957325379562757] and parameters: {'x': 4.074081646849525, 'y': 1.883243732713233}. \n[I 2023-11-01 05:13:29,153] Trial 45 finished with values: [73.18499796286048, 105.19430823647332, 5.559959917509302] and parameters: {'x': 3.464424786518128, 'y': 2.0955351309911743}. \n[I 2023-11-01 05:13:29,154] Trial 46 finished with values: [55.557079367706265, 120.11935940210236, 4.591932315519072] and parameters: {'x': 3.1371214696162815, 'y': 1.454810845902791}. \n[I 2023-11-01 05:13:29,155] Trial 47 finished with values: [8.929949288474926, 164.45771453897527, 1.9242857426057944] and parameters: {'x': 0.2232275914861953, 'y': 1.7010581511195992}. \n[I 2023-11-01 05:13:29,156] Trial 48 finished with values: [43.56420282939316, 126.76253990103478, 4.135964780402829] and parameters: {'x': 2.7494268768344283, 'y': 1.3865379035684007}. \n[I 2023-11-01 05:13:29,156] Trial 49 finished with values: [103.81794470433736, 101.47869673077281, 6.01822034408196] and parameters: {'x': 4.375421914918683, 'y': 1.6427984291632762}. \n[I 2023-11-01 05:13:29,171] Trial 50 finished with values: [42.18626544726513, 117.50357667661295, 4.675079266432098] and parameters: {'x': 2.141352310048534, 'y': 2.5337269563835645}. \n[I 2023-11-01 05:13:29,172] Trial 51 finished with values: [50.14484885495544, 131.43174018674225, 3.944170035484599] and parameters: {'x': 3.0983403755601753, 'y': 0.8458296599244239}. \n[I 2023-11-01 05:13:29,173] Trial 52 finished with values: [89.92821070621129, 119.85335128217925, 4.916747489573703] and parameters: {'x': 4.20495585501509, 'y': 0.7117916345586136}. \n[I 2023-11-01 05:13:29,174] Trial 53 finished with values: [103.62746642296395, 89.75810377485547, 6.683719397429751] and parameters: {'x': 4.0822782396973185, 'y': 2.6014411577324323}. \n[I 2023-11-01 05:13:29,175] Trial 54 finished with values: [17.794678326026226, 148.2531086826832, 2.7899925439770943] and parameters: {'x': 1.6786601263136895, 'y': 1.1113324176634047}. \n[I 2023-11-01 05:13:29,176] Trial 55 finished with values: [89.65007553061257, 126.65227926091885, 4.566198965707066] and parameters: {'x': 4.2261862124989245, 'y': 0.34001275320814206}. \n[I 2023-11-01 05:13:29,177] Trial 56 finished with values: [107.61535110817005, 100.98512125843465, 6.0787577000410495] and parameters: {'x': 4.468474310679378, 'y': 1.6102833893616717}. \n[I 2023-11-01 05:13:29,178] Trial 57 finished with values: [86.98693620585829, 96.92810664420041, 6.139565507446971] and parameters: {'x': 3.730193414987945, 'y': 2.409372092459025}. \n[I 2023-11-01 05:13:29,179] Trial 58 finished with values: [70.28636500173856, 117.67113037703712, 4.84912857800639] and parameters: {'x': 3.628033847019885, 'y': 1.221094730986505}. \n[I 2023-11-01 05:13:29,180] Trial 59 finished with values: [87.06713227484677, 131.96042343818704, 4.272852723731886] and parameters: {'x': 4.172211556019937, 'y': 0.10064116771194931}. \n[I 2023-11-01 05:13:29,181] Trial 60 finished with values: [43.38208136209966, 115.99370716942082, 4.786790846446781] and parameters: {'x': 2.0240441036487256, 'y': 2.7627467427980554}. \n[I 2023-11-01 05:13:29,182] Trial 61 finished with values: [23.425175110441703, 149.21974875458247, 2.928775986506387] and parameters: {'x': 0.14030263060810177, 'y': 2.7884733558982853}. \n[I 2023-11-01 05:13:29,183] Trial 62 finished with values: [17.684087093206173, 145.52069266243194, 2.9405062091724616] and parameters: {'x': 1.5316064369743765, 'y': 1.4088997721980854}. \n[I 2023-11-01 05:13:29,184] Trial 63 finished with values: [83.18776056867196, 103.2602474020756, 5.74567878890701] and parameters: {'x': 3.7859140922652035, 'y': 1.9597646966418065}. \n[I 2023-11-01 05:13:29,185] Trial 64 finished with values: [84.35261506472467, 122.09502497170601, 4.747854293653573] and parameters: {'x': 4.074081646849525, 'y': 0.6737726468040485}. \n[I 2023-11-01 05:13:29,187] Trial 65 finished with values: [6.218573723528583, 168.27454519159122, 1.6869082248163614] and parameters: {'x': 0.3003703212479608, 'y': 1.3865379035684007}. \n[I 2023-11-01 05:13:29,188] Trial 66 finished with values: [47.403258969878436, 112.72087495576311, 5.00687013061392] and parameters: {'x': 2.101002887403289, 'y': 2.905867243210631}. \n[I 2023-11-01 05:13:29,189] Trial 67 finished with values: [58.110470405155944, 119.02276825322959, 4.672295783337208] and parameters: {'x': 3.2174849374344165, 'y': 1.454810845902791}. \n[I 2023-11-01 05:13:29,190] Trial 68 finished with values: [58.85215093955819, 135.72159860864429, 3.805449678289018] and parameters: {'x': 3.417628886836913, 'y': 0.38782079145210524}. \n[I 2023-11-01 05:13:29,190] Trial 69 finished with values: [75.43134739525163, 106.96720621884594, 5.476133565076838] and parameters: {'x': 3.6028956988860745, 'y': 1.8732378661907627}. \n[I 2023-11-01 05:13:29,191] Trial 70 finished with values: [19.4059003256577, 146.3389513032142, 2.996167207924808] and parameters: {'x': 0.5563335063281183, 'y': 2.4398337015966893}. \n[I 2023-11-01 05:13:29,193] Trial 71 finished with values: [1.2524358747271898, 187.86453550007184, 0.619631760328682] and parameters: {'x': 0.49036912361547336, 'y': 0.1292626367132086}. \n[I 2023-11-01 05:13:29,194] Trial 72 finished with values: [107.86182230678271, 95.44957402311746, 6.387074439505483] and parameters: {'x': 4.375421914918683, 'y': 2.0116525245867996}. \n[I 2023-11-01 05:13:29,195] Trial 73 finished with values: [124.72530865567732, 109.07729427286469, 5.80811262669433] and parameters: {'x': 4.950084253597278, 'y': 0.8580283730970523}. \n[I 2023-11-01 05:13:29,196] Trial 74 finished with values: [39.369606041893135, 130.38367683988005, 3.907454683427749] and parameters: {'x': 2.6240516874280577, 'y': 1.2834029959996913}. \n[I 2023-11-01 05:13:29,197] Trial 75 finished with values: [78.27562164112712, 101.68678890842091, 5.799249408623007] and parameters: {'x': 3.5538915570458802, 'y': 2.245357851577127}. \n[I 2023-11-01 05:13:29,198] Trial 76 finished with values: [89.79033821575278, 105.79019727417875, 5.660253770329672] and parameters: {'x': 4.049970380968, 'y': 1.6102833893616717}. \n[I 2023-11-01 05:13:29,199] Trial 77 finished with values: [23.160822876780777, 136.21657744716748, 3.507981688540689] and parameters: {'x': 1.4198924647375617, 'y': 2.0880892238031272}. \n[I 2023-11-01 05:13:29,200] Trial 78 finished with values: [49.31345826947032, 111.32500127382198, 5.095585976340498] and parameters: {'x': 2.1912662854585294, 'y': 2.9043196908819686}. \n[I 2023-11-01 05:13:29,201] Trial 79 finished with values: [10.140685124815025, 156.40138557655033, 2.3183351698520447] and parameters: {'x': 0.9582322797843323, 'y': 1.3601028900677123}. \n[I 2023-11-01 05:13:29,202] Trial 80 finished with values: [34.142985973798886, 125.821496827699, 4.2228315799056375] and parameters: {'x': 1.2861960768801162, 'y': 2.9366355030255216}. \n[I 2023-11-01 05:13:29,204] Trial 81 finished with values: [19.412256415764894, 153.23696737873303, 2.661190415079054] and parameters: {'x': 0.12233023915307728, 'y': 2.538860175925977}. \n[I 2023-11-01 05:13:29,205] Trial 82 finished with values: [15.420332884824766, 156.14819070680076, 2.4483260095551858] and parameters: {'x': 0.19519245773257254, 'y': 2.2531335518226134}. \n[I 2023-11-01 05:13:29,206] Trial 83 finished with values: [51.32236413841272, 113.9031185280957, 4.9152511304950295] and parameters: {'x': 2.710898441884519, 'y': 2.2043526886105105}. \n[I 2023-11-01 05:13:29,207] Trial 84 finished with values: [17.809211637905275, 152.82704106001887, 2.653606764229656] and parameters: {'x': 0.2363076427766858, 'y': 2.41729912145297}. \n[I 2023-11-01 05:13:29,208] Trial 85 finished with values: [7.666346778460305, 163.3322651849608, 1.9264910635647712] and parameters: {'x': 1.0198253305570582, 'y': 0.906665733007713}. \n[I 2023-11-01 05:13:29,209] Trial 86 finished with values: [98.12795587012981, 119.64399389088248, 5.0062972692063035] and parameters: {'x': 4.405572496572049, 'y': 0.600724772634255}. \n[I 2023-11-01 05:13:29,210] Trial 87 finished with values: [90.3714136122246, 113.98860497682092, 5.226515002423154] and parameters: {'x': 4.172211556019937, 'y': 1.0543034464032173}. \n[I 2023-11-01 05:13:29,211] Trial 88 finished with values: [85.15898597399226, 96.83780961405844, 6.1327270304785655] and parameters: {'x': 3.6525289391805655, 'y': 2.480198091298}. \n[I 2023-11-01 05:13:29,213] Trial 89 finished with values: [84.4871231417214, 103.34917448938214, 5.751012676788751] and parameters: {'x': 3.8326778540760467, 'y': 1.9183348227127044}. \n[I 2023-11-01 05:13:29,214] Trial 90 finished with values: [130.87064057822545, 92.73247780143728, 6.73836502102586] and parameters: {'x': 4.917891108613629, 'y': 1.8204739124122313}. \n[I 2023-11-01 05:13:29,215] Trial 91 finished with values: [45.32523115062368, 146.41777764868726, 3.1326677978303046] and parameters: {'x': 3.009304764787342, 'y': 0.12336303304296259}. \n[I 2023-11-01 05:13:29,216] Trial 92 finished with values: [23.31488196551195, 143.06143137307663, 3.2264590864907245] and parameters: {'x': 0.5210770849109386, 'y': 2.705382001579786}. \n[I 2023-11-01 05:13:29,217] Trial 93 finished with values: [63.6964900327288, 105.7164580956129, 5.470795216942519] and parameters: {'x': 3.0248473291505977, 'y': 2.445947887791921}. \n[I 2023-11-01 05:13:29,218] Trial 94 finished with values: [63.75532772346428, 103.37412751575198, 5.62156971876052] and parameters: {'x': 2.8582129076205254, 'y': 2.763356811139994}. \n[I 2023-11-01 05:13:29,219] Trial 95 finished with values: [41.61486969459626, 148.19433018272395, 3.006736556568195] and parameters: {'x': 2.8833735235252327, 'y': 0.12336303304296259}. \n[I 2023-11-01 05:13:29,220] Trial 96 finished with values: [68.40703798651494, 104.00176495053626, 5.5994922391873825] and parameters: {'x': 3.196264130486031, 'y': 2.403228108701351}. \n[I 2023-11-01 05:13:29,222] Trial 97 finished with values: [39.49389191710593, 122.50523918086594, 4.350611877721291] and parameters: {'x': 2.3389593531344914, 'y': 2.0116525245867996}. \n[I 2023-11-01 05:13:29,223] Trial 98 finished with values: [95.98339571741141, 102.7613819146363, 5.8796368381121065] and parameters: {'x': 4.178578686992507, 'y': 1.7010581511195992}. \n[I 2023-11-01 05:13:29,224] Trial 99 finished with values: [34.49573261165041, 130.39133164277706, 3.872002399539434] and parameters: {'x': 2.345377763917062, 'y': 1.526624635622372}. \n\u001b[2Kreading sources... [ 86%] reference/visualization/generated/optuna.visualization.plot_pareto_front\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:345: ExperimentalWarning:\n\nThe ``constraints_func`` option is an experimental feature. The interface can change in the future.\n\n[I 2023-11-01 05:13:29,396] A new study created in memory with name: no-name-9f0d2cd8-9c80-489b-a8b7-8b51bf3f85a7\n[I 2023-11-01 05:13:29,397] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:13:29,398] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,399] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,400] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,401] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,402] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,403] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,403] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,404] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,405] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,412] Trial 10 finished with value: 6552.967716339579 and parameters: {'x': 80.95040281764865, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,419] Trial 11 finished with value: 1581.6759383724113 and parameters: {'x': 39.770289644059815, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,426] Trial 12 finished with value: 1028.2507682929152 and parameters: {'x': 32.06634946938792, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,433] Trial 13 finished with value: 9734.833587691272 and parameters: {'x': 98.6652602879619, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,440] Trial 14 finished with value: 332.07882979888785 and parameters: {'x': 18.223030203533327, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,447] Trial 15 finished with value: 565.7705064178704 and parameters: {'x': -23.80694239959996, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,454] Trial 16 finished with value: 213.03950442172223 and parameters: {'x': -14.63008900935747, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,461] Trial 17 finished with value: 641.5871135168867 and parameters: {'x': -25.34930203214453, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,467] Trial 18 finished with value: 1368.8316914198415 and parameters: {'x': -37.01123736677607, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,474] Trial 19 finished with value: 1159.0046483066578 and parameters: {'x': -34.05884097127584, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,481] Trial 20 finished with value: 1280.35318886121 and parameters: {'x': -35.795994033707316, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,488] Trial 21 finished with value: 267.4820201738229 and parameters: {'x': -16.385420964193226, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,494] Trial 22 finished with value: 273.55651795948256 and parameters: {'x': 16.569747069870516, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,501] Trial 23 finished with value: 0.5264659525593145 and parameters: {'x': -1.2355023077919824, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,508] Trial 24 finished with value: 708.8376961830706 and parameters: {'x': 26.642779438021677, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,515] Trial 25 finished with value: 746.543499314302 and parameters: {'x': -27.34124172956126, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,521] Trial 26 finished with value: 2096.0943980014476 and parameters: {'x': -45.79404325893759, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,528] Trial 27 finished with value: 2693.8946162727752 and parameters: {'x': -51.9123744041127, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,535] Trial 28 finished with value: 533.2215173103497 and parameters: {'x': -23.113232515387146, 'y': -1}. Best is trial 23 with value: 0.5264659525593145.\n[I 2023-11-01 05:13:29,542] Trial 29 finished with value: 383.4698273179495 and parameters: {'x': -19.556835820703448, 'y': 1}. Best is trial 23 with value: 0.5264659525593145.\n\u001b[2Kreading sources... [ 86%] reference/visualization/generated/optuna.visualization.plot_rank\n:22: ExperimentalWarning:\n\nplot_rank is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:13:29,647] A new study created in memory with name: no-name-8941f045-cef7-4b49-9146-b6c8ff681cc7\n[I 2023-11-01 05:13:29,648] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:13:29,649] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,650] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,650] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,651] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,652] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,653] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,654] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,655] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:13:29,655] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 87%] reference/visualization/generated/optuna.visualization.plot_slice\n[I 2023-11-01 05:13:29,778] A new study created in memory with name: no-name-0fe16e9b-167d-497a-8fef-a0133855e4d8\n\u001b[2Kreading sources... [ 87%] reference/visualization/generated/optuna.visualization.plot_terminator_improvement\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000053 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.018261 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 514\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.015371 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.851971\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000054 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:30,052] Trial 0 finished with value: 0.3987301587301587 and parameters: {'reg_alpha': 9.267010624366744e-06, 'reg_lambda': 0.262556546435132, 'num_leaves': 42, 'colsample_bytree': 0.4966620386392309, 'subsample': 0.45826381081528145, 'subsample_freq': 1, 'min_child_samples': 67}. Best is trial 0 with value: 0.3987301587301587.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 495\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:30,333] Trial 1 finished with value: 0.9717460317460318 and parameters: {'reg_alpha': 6.005896797504266e-08, 'reg_lambda': 0.09799758242464424, 'num_leaves': 222, 'colsample_bytree': 0.8274187187632236, 'subsample': 0.9361429897275525, 'subsample_freq': 4, 'min_child_samples': 30}. Best is trial 0 with value: 0.3987301587301587.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000154 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 512\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.436484\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:30,598] Trial 2 finished with value: 0.39809523809523806 and parameters: {'reg_alpha': 0.0005721672674107266, 'reg_lambda': 0.00013808212004328004, 'num_leaves': 244, 'colsample_bytree': 0.4438736573011642, 'subsample': 0.6215997774679363, 'subsample_freq': 5, 'min_child_samples': 55}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 494\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.497109\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 513\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:30,809] Trial 3 finished with value: 0.9663492063492063 and parameters: {'reg_alpha': 3.8198324344871615e-08, 'reg_lambda': 0.0022933142642223236, 'num_leaves': 55, 'colsample_bytree': 0.7817434870453228, 'subsample': 0.762465170099133, 'subsample_freq': 7, 'min_child_samples': 52}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.436484\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:30,886] Trial 4 finished with value: 0.3992063492063492 and parameters: {'reg_alpha': 1.8075705134963678, 'reg_lambda': 0.0009208677434815778, 'num_leaves': 160, 'colsample_bytree': 0.4175696511341047, 'subsample': 0.6217747112379834, 'subsample_freq': 1, 'min_child_samples': 98}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000059 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.828693\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 498\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000052 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:31,202] Trial 5 finished with value: 0.9660317460317461 and parameters: {'reg_alpha': 6.524759159120152e-07, 'reg_lambda': 2.9595881958092326e-05, 'num_leaves': 250, 'colsample_bytree': 0.838775459278063, 'subsample': 0.9161192183482593, 'subsample_freq': 2, 'min_child_samples': 47}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.459319\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:31,478] Trial 6 finished with value: 0.9722222222222221 and parameters: {'reg_alpha': 0.0011411145222977568, 'reg_lambda': 0.002446006071849783, 'num_leaves': 107, 'colsample_bytree': 0.6818810436132666, 'subsample': 0.7809237569619797, 'subsample_freq': 6, 'min_child_samples': 32}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:31,600] Trial 7 finished with value: 0.3990476190476191 and parameters: {'reg_alpha': 0.4214318049653588, 'reg_lambda': 7.607942002508106e-08, 'num_leaves': 133, 'colsample_bytree': 0.6357444669692616, 'subsample': 0.7670938804083612, 'subsample_freq': 5, 'min_child_samples': 76}. Best is trial 2 with value: 0.39809523809523806.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 519\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 511\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:31,821] Trial 8 finished with value: 0.3979365079365079 and parameters: {'reg_alpha': 1.4109983840295237e-07, 'reg_lambda': 0.4499193335760083, 'num_leaves': 234, 'colsample_bytree': 0.5997474219361005, 'subsample': 0.5074475050532324, 'subsample_freq': 4, 'min_child_samples': 68}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000052 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.031999 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.028900 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 491\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.466337\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:32,335] Trial 9 finished with value: 0.3980952380952381 and parameters: {'reg_alpha': 5.001168561925855, 'reg_lambda': 0.0006580895176680692, 'num_leaves': 12, 'colsample_bytree': 0.711654018130479, 'subsample': 0.596238953624258, 'subsample_freq': 6, 'min_child_samples': 63}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 515\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:32,664] Trial 10 finished with value: 0.9774603174603176 and parameters: {'reg_alpha': 1.0932393648755059e-08, 'reg_lambda': 7.0529237576007375, 'num_leaves': 194, 'colsample_bytree': 0.9910477516842628, 'subsample': 0.40691808026703535, 'subsample_freq': 3, 'min_child_samples': 9}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:32,845] Trial 11 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 0.0001321123355594802, 'reg_lambda': 6.386031556476597e-06, 'num_leaves': 245, 'colsample_bytree': 0.5290291743503867, 'subsample': 0.5495991346902422, 'subsample_freq': 4, 'min_child_samples': 85}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000075 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 517\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:33,126] Trial 12 finished with value: 0.9831746031746033 and parameters: {'reg_alpha': 0.0013419344157706127, 'reg_lambda': 0.05968509797240625, 'num_leaves': 191, 'colsample_bytree': 0.40245887236558925, 'subsample': 0.5068332653123055, 'subsample_freq': 5, 'min_child_samples': 40}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:33,454] Trial 13 finished with value: 0.3984126984126984 and parameters: {'reg_alpha': 7.506834152750213e-06, 'reg_lambda': 1.9829571997624094e-05, 'num_leaves': 196, 'colsample_bytree': 0.5946439483406606, 'subsample': 0.6467771518194396, 'subsample_freq': 3, 'min_child_samples': 64}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:33,590] Trial 14 finished with value: 0.39841269841269844 and parameters: {'reg_alpha': 0.027607540257044507, 'reg_lambda': 6.91071397608662, 'num_leaves': 254, 'colsample_bytree': 0.5171617346820438, 'subsample': 0.5264068843099444, 'subsample_freq': 5, 'min_child_samples': 82}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 493\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:33,950] Trial 15 finished with value: 0.9831746031746033 and parameters: {'reg_alpha': 0.00013194016527661695, 'reg_lambda': 0.014553615453968811, 'num_leaves': 154, 'colsample_bytree': 0.5548739854807078, 'subsample': 0.6926985005659125, 'subsample_freq': 3, 'min_child_samples': 17}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.466337\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:34,100] Trial 16 finished with value: 0.3996825396825397 and parameters: {'reg_alpha': 7.404841350680567e-07, 'reg_lambda': 8.37591478754301e-05, 'num_leaves': 222, 'colsample_bytree': 0.4641197678652076, 'subsample': 0.46029253941635695, 'subsample_freq': 6, 'min_child_samples': 100}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 512\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000064 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000054 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 514\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:34,450] Trial 17 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 0.03913219995702324, 'reg_lambda': 1.8730475293303888e-06, 'num_leaves': 98, 'colsample_bytree': 0.5674775283295275, 'subsample': 0.5659729474774685, 'subsample_freq': 7, 'min_child_samples': 60}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 499\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.796944\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 512\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:34,718] Trial 18 finished with value: 0.972063492063492 and parameters: {'reg_alpha': 2.0383137726432683e-05, 'reg_lambda': 0.0001658197303654993, 'num_leaves': 217, 'colsample_bytree': 0.4460145188879866, 'subsample': 0.6519326143420896, 'subsample_freq': 4, 'min_child_samples': 46}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.436484\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:34,895] Trial 19 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 1.210755486317726e-06, 'reg_lambda': 0.3939564486010488, 'num_leaves': 169, 'colsample_bytree': 0.48411355163216113, 'subsample': 0.5613513877827072, 'subsample_freq': 5, 'min_child_samples': 76}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 514\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000051 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:35,180] Trial 20 finished with value: 0.972063492063492 and parameters: {'reg_alpha': 0.004456616575399621, 'reg_lambda': 0.010223820219843454, 'num_leaves': 226, 'colsample_bytree': 0.6070200819553984, 'subsample': 0.49598238052982047, 'subsample_freq': 2, 'min_child_samples': 33}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:35,462] Trial 21 finished with value: 0.39825396825396825 and parameters: {'reg_alpha': 9.272605592006094, 'reg_lambda': 0.0003853204978908573, 'num_leaves': 68, 'colsample_bytree': 0.6638570372803919, 'subsample': 0.6033517972043934, 'subsample_freq': 6, 'min_child_samples': 61}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 475\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 12\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.429467\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 451\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 11\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 516\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 469\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 12\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:35,801] Trial 22 finished with value: 0.39984126984126983 and parameters: {'reg_alpha': 0.1458044208458148, 'reg_lambda': 0.0002635334429774789, 'num_leaves': 4, 'colsample_bytree': 0.6228961322804515, 'subsample': 0.5924616390406938, 'subsample_freq': 6, 'min_child_samples': 69}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 496\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:36,052] Trial 23 finished with value: 0.9776190476190475 and parameters: {'reg_alpha': 0.0045298901583057626, 'reg_lambda': 0.006852795788446775, 'num_leaves': 29, 'colsample_bytree': 0.6852112500141498, 'subsample': 0.6934455404726255, 'subsample_freq': 5, 'min_child_samples': 51}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000056 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000049 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000052 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.851971\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:36,365] Trial 24 finished with value: 0.3980952380952381 and parameters: {'reg_alpha': 0.0002492691375793901, 'reg_lambda': 0.0007661520730869918, 'num_leaves': 89, 'colsample_bytree': 0.7461820533210299, 'subsample': 0.59785633005127, 'subsample_freq': 7, 'min_child_samples': 56}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:36,497] Trial 25 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 9.885280122324115, 'reg_lambda': 1.1892790685947796e-06, 'num_leaves': 127, 'colsample_bytree': 0.5607651901807214, 'subsample': 0.540509689692575, 'subsample_freq': 4, 'min_child_samples': 87}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:36,633] Trial 26 finished with value: 0.3980952380952381 and parameters: {'reg_alpha': 0.7591499623456377, 'reg_lambda': 1.1083100692259185, 'num_leaves': 10, 'colsample_bytree': 0.7218453973962333, 'subsample': 0.49050613620812344, 'subsample_freq': 6, 'min_child_samples': 75}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000058 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 499\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000050 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:36,912] Trial 27 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 5.268747046658926e-05, 'reg_lambda': 0.02578002257343377, 'num_leaves': 181, 'colsample_bytree': 0.44050036269356, 'subsample': 0.41107881055088813, 'subsample_freq': 4, 'min_child_samples': 43}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 369\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 10\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 370\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 9\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 415\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 10\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 382\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 9\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 420\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 10\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:13:37,164] Trial 28 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 0.04959916728781457, 'reg_lambda': 0.0033717958885041486, 'num_leaves': 74, 'colsample_bytree': 0.5193678712974156, 'subsample': 0.6453349882937712, 'subsample_freq': 5, 'min_child_samples': 70}. Best is trial 8 with value: 0.3979365079365079.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.429467\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:13:37,350] Trial 29 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 5.2681616777847485e-06, 'reg_lambda': 0.0811443138869013, 'num_leaves': 37, 'colsample_bytree': 0.46754583162034374, 'subsample': 0.45915507405019795, 'subsample_freq': 6, 'min_child_samples': 91}. Best is trial 8 with value: 0.3979365079365079.\n:29: ExperimentalWarning:\n\nplot_terminator_improvement is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:129: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:131: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n 0%| | 0/30 [00:00\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:12,415] Trial 1 failed with value None.\n[I 2023-11-01 05:14:12,422] Trial 2 finished with value: 0.06155311128881662 and parameters: {'x': 0.24809899493713516}. Best is trial 2 with value: 0.06155311128881662.\n[I 2023-11-01 05:14:12,424] Trial 3 finished with value: 0.005369636080254134 and parameters: {'x': 0.07327780073292411}. Best is trial 3 with value: 0.005369636080254134.\n[I 2023-11-01 05:14:12,438] Trial 4 finished with value: 0.021858435926610333 and parameters: {'x': 0.14784598718467246}. Best is trial 3 with value: 0.005369636080254134.\n[I 2023-11-01 05:14:12,487] Trial 5 pruned. \n[I 2023-11-01 05:14:12,509] Trial 7 finished with value: 0.03595212348186679 and parameters: {'x': 0.18961045193202508}. Best is trial 3 with value: 0.005369636080254134.\n[I 2023-11-01 05:14:12,511] Trial 8 finished with value: 2.446768561383124e-07 and parameters: {'x': 0.0004946482145306019}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,518] Trial 6 pruned. \n[I 2023-11-01 05:14:12,530] Trial 10 finished with value: 0.009389865639095555 and parameters: {'x': 0.09690131907820221}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,589] Trial 11 pruned. \n[W 2023-11-01 05:14:12,601] Trial 9 failed with parameters: {'x': 0.887908298101013} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:12,603] Trial 9 failed with value None.\n[I 2023-11-01 05:14:12,631] Trial 12 finished with value: 0.11746620911860982 and parameters: {'x': 0.34273343740961404}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,639] Trial 14 finished with value: 0.00011442633347447766 and parameters: {'x': 0.010697024514998443}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,646] Trial 13 finished with value: 0.1363830898213314 and parameters: {'x': 0.3693008121048902}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,651] Trial 15 finished with value: 0.0003008432021390325 and parameters: {'x': 0.01734483214502327}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,654] Trial 16 finished with value: 0.00013237583410829288 and parameters: {'x': 0.011505469747398099}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,659] Trial 17 finished with value: 8.779648725254788e-07 and parameters: {'x': 0.000936997797503003}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,690] Trial 18 finished with value: 0.05966236328605052 and parameters: {'x': 0.24425880390694318}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,697] Trial 19 finished with value: 0.06982972196545881 and parameters: {'x': 0.2642531399349094}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,748] Trial 21 pruned. \n[I 2023-11-01 05:14:12,771] Trial 22 finished with value: 0.020025919922487447 and parameters: {'x': 0.1415129673298085}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,790] Trial 23 finished with value: 0.015569875899131157 and parameters: {'x': 0.12477930877806287}. Best is trial 8 with value: 2.446768561383124e-07.\n[W 2023-11-01 05:14:12,795] Trial 20 failed with parameters: {'x': 0.9639984870203954} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:12,797] Trial 20 failed with value None.\n[I 2023-11-01 05:14:12,804] Trial 24 finished with value: 0.001068210162884126 and parameters: {'x': 0.0326834845584758}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,804] Trial 25 finished with value: 1.066087043034236e-05 and parameters: {'x': 0.0032650988392914477}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,828] Trial 27 finished with value: 0.012272595012858723 and parameters: {'x': 0.11078174494409593}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,828] Trial 26 finished with value: 0.012245107190080916 and parameters: {'x': 0.11065761243620303}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,841] Trial 28 finished with value: 7.507749924984484e-07 and parameters: {'x': 0.0008664727303836217}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,860] Trial 29 finished with value: 0.0369054343668351 and parameters: {'x': 0.1921078716940956}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,867] Trial 30 finished with value: 0.035747743375425745 and parameters: {'x': 0.1890707364332877}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:12,883] Trial 31 finished with value: 0.007265789905065834 and parameters: {'x': 0.08523960291475925}. Best is trial 8 with value: 2.446768561383124e-07.\n[W 2023-11-01 05:14:12,972] Trial 32 failed with parameters: {'x': 0.9717554017884668} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:12,974] Trial 32 failed with value None.\n[W 2023-11-01 05:14:12,982] Trial 33 failed with parameters: {'x': 0.9017197185233445} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:12,983] Trial 33 failed with value None.\n[I 2023-11-01 05:14:13,023] Trial 35 finished with value: 0.10373012629488804 and parameters: {'x': 0.32207161671728857}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,075] Trial 36 pruned. \n[W 2023-11-01 05:14:13,078] Trial 34 failed with parameters: {'x': 0.9502114067961058} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:14:13,085] Trial 34 failed with value None.\n[I 2023-11-01 05:14:13,086] Trial 37 finished with value: 0.0002008832603054036 and parameters: {'x': 0.014173329189199113}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,104] Trial 39 finished with value: 0.0024542189102818874 and parameters: {'x': 0.04954007378155474}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,111] Trial 38 finished with value: 0.007986706098880164 and parameters: {'x': 0.08936837303476082}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,119] Trial 40 finished with value: 0.0046213311678563185 and parameters: {'x': 0.06798037340186003}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,125] Trial 41 finished with value: 0.003469753941872069 and parameters: {'x': 0.05890461732217661}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,144] Trial 42 finished with value: 0.024573981783423102 and parameters: {'x': 0.15676090642575113}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,150] Trial 43 finished with value: 0.02526823582515922 and parameters: {'x': 0.15895985601767265}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,158] Trial 44 finished with value: 6.15676757814675e-07 and parameters: {'x': 0.0007846507234525914}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,172] Trial 46 finished with value: 0.004410565342955056 and parameters: {'x': 0.06641208732568986}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,184] Trial 45 finished with value: 0.059752659527729485 and parameters: {'x': 0.24444357125465477}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,192] Trial 48 finished with value: 3.525097375814069e-05 and parameters: {'x': 0.005937253048181515}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,202] Trial 47 finished with value: 0.05647159225490874 and parameters: {'x': 0.23763752282606537}. Best is trial 8 with value: 2.446768561383124e-07.\n[I 2023-11-01 05:14:13,203] Trial 49 finished with value: 0.001870989629499174 and parameters: {'x': 0.04325493763143318}. Best is trial 8 with value: 2.446768561383124e-07.\n\u001b[2Kreading sources... [ 88%] reference/visualization/generated/optuna.visualization.plot_timeline\n\u001b[2Kreading sources... [ 88%] reference/visualization/index\n\u001b[2Kreading sources... [ 89%] reference/visualization/matplotlib\n\u001b[2Kreading sources... [ 89%] tutorial/10_key_features/001_first\n\u001b[2Kreading sources... [ 90%] tutorial/10_key_features/002_configurations\n\u001b[2Kreading sources... [ 90%] tutorial/10_key_features/003_efficient_optimization_algorithms\n\u001b[2Kreading sources... [ 91%] tutorial/10_key_features/004_distributed\n\u001b[2Kreading sources... [ 91%] tutorial/10_key_features/005_visualization\n\u001b[2Kreading sources... [ 92%] tutorial/10_key_features/index\n\u001b[2Kreading sources... [ 92%] tutorial/10_key_features/sg_execution_times\n\u001b[2Kreading sources... [ 93%] tutorial/20_recipes/001_rdb\n\u001b[2Kreading sources... [ 93%] tutorial/20_recipes/002_multi_objective\n\u001b[2Kreading sources... [ 94%] tutorial/20_recipes/003_attributes\n\u001b[2Kreading sources... [ 94%] tutorial/20_recipes/004_cli\n\u001b[2Kreading sources... [ 95%] tutorial/20_recipes/005_user_defined_sampler\n\u001b[2Kreading sources... [ 95%] tutorial/20_recipes/006_user_defined_pruner\n\u001b[2Kreading sources... [ 96%] tutorial/20_recipes/007_optuna_callback\n\u001b[2Kreading sources... [ 96%] tutorial/20_recipes/008_specify_params\n\u001b[2Kreading sources... [ 97%] tutorial/20_recipes/009_ask_and_tell\n\u001b[2Kreading sources... [ 97%] tutorial/20_recipes/010_reuse_best_trial\n\u001b[2Kreading sources... [ 98%] tutorial/20_recipes/011_journal_storage\n\u001b[2Kreading sources... [ 98%] tutorial/20_recipes/012_artifact_tutorial\n\u001b[2Kreading sources... [ 99%] tutorial/20_recipes/index\n\u001b[2Kreading sources... [ 99%] tutorial/20_recipes/sg_execution_times\n:21: ExperimentalWarning:\n\nplot_timeline is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:22: ERROR: Unexpected indentation.\n\u001b[2Kreading sources... [100%] tutorial/index\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:20: WARNING: Inline interpreted text or phrase reference start-string without end-string.\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:23: WARNING: Block quote ends without a blank line; unexpected unindent.\nlooking for now-outdated files... none found\npickling environment... done\nchecking consistency... done\nrunning tests...\n\nDocument: reference/generated/optuna.logging.disable_propagation\n----------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.Study\n------------------------------------------------\n1 items passed all tests:\n 13 tests in default\n13 tests in 1 items.\n13 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.ThresholdPruner\n------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.HyperbandPruner\n------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.get_all_study_summaries\n------------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.integration.OptunaSearchCV\n---------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.trial.Trial\n------------------------------------------------\n1 items passed all tests:\n 5 tests in default\n5 tests in 1 items.\n5 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.get_all_study_names\n--------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.PatientPruner\n----------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.trial.FixedTrial\n-----------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.integration.PyCmaSampler\n-------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.exceptions.TrialPruned\n-----------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.logging.enable_propagation\n---------------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.terminator.Terminator\n----------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.logging.disable_default_handler\n--------------------------------------------------------------------\n:11: ExperimentalWarning:\n\nset_metric_names is experimental (supported from v3.2.0). The interface can change in the future.\n\n:9: ExperimentalWarning:\n\nOptunaSearchCV is experimental (supported from v0.17.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/sklearn/neural_network/_multilayer_perceptron.py:609: UserWarning:\n\nGot `batch_size` less than 1 or larger than sample size. It is going to be clipped\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/sklearn/neural_network/_multilayer_perceptron.py:609: UserWarning:\n\nGot `batch_size` less than 1 or larger than sample size. It is going to be clipped\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/sklearn/neural_network/_multilayer_perceptron.py:609: UserWarning:\n\nGot `batch_size` less than 1 or larger than sample size. It is going to be clipped\n\n:32: ExperimentalWarning:\n\nPatientPruner is experimental (supported from v2.8.0). The interface can change in the future.\n\n:15: ExperimentalWarning:\n\nTerminator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/terminator/terminator.py:111: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/terminator/terminator.py:118: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:14:58,811] Trial 10 finished with value: 8420.862615813568 and parameters: {'x': -91.76525821798558, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,817] Trial 11 finished with value: 1408.0649758469222 and parameters: {'x': 37.5241918746683, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,824] Trial 12 finished with value: 42.70715648944578 and parameters: {'x': -6.535071268888028, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,830] Trial 13 finished with value: 2234.602459385409 and parameters: {'x': 47.27158194291163, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,836] Trial 14 finished with value: 83.63400397683145 and parameters: {'x': -9.090324745399993, 'y': 1}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,843] Trial 15 finished with value: 402.11064922886493 and parameters: {'x': -20.052696806885226, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,849] Trial 16 finished with value: 2508.3886399376997 and parameters: {'x': 50.08381614791049, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,855] Trial 17 finished with value: 4.788410752495368 and parameters: {'x': 2.1882437598438087, 'y': 0}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,862] Trial 18 finished with value: 4411.350557719259 and parameters: {'x': 66.4104702416664, 'y': 1}. Best is trial 6 with value: 0.5958781968809845.\n[I 2023-11-01 05:14:58,868] Trial 19 finished with value: 661.2263849868178 and parameters: {'x': 25.73375963567737, 'y': -1}. Best is trial 6 with value: 0.5958781968809845.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.SuccessiveHalvingPruner\n--------------------------------------------------------------------\n[I 2023-11-01 05:14:58,874] A new study created in memory with name: no-name-917605f4-0019-4231-aa55-8350086eb4d7\n[I 2023-11-01 05:14:59,111] Trial 0 finished with value: 0.7631578947368421 and parameters: {'alpha': 0.26996018741075234}. Best is trial 0 with value: 0.7631578947368421.\n[I 2023-11-01 05:14:59,348] Trial 1 finished with value: 0.8947368421052632 and parameters: {'alpha': 0.007101860509434954}. Best is trial 1 with value: 0.8947368421052632.\n[I 2023-11-01 05:14:59,354] Trial 2 pruned. \n[I 2023-11-01 05:14:59,396] Trial 3 pruned. \n[I 2023-11-01 05:14:59,402] Trial 4 pruned. \n[I 2023-11-01 05:14:59,408] Trial 5 pruned. \n[I 2023-11-01 05:14:59,413] Trial 6 pruned. \n[I 2023-11-01 05:14:59,419] Trial 7 pruned. \n[I 2023-11-01 05:14:59,432] Trial 8 pruned. \n[I 2023-11-01 05:14:59,445] Trial 9 pruned. \n[I 2023-11-01 05:14:59,456] Trial 10 pruned. \n[I 2023-11-01 05:14:59,502] Trial 11 pruned. \n[I 2023-11-01 05:14:59,513] Trial 12 pruned. \n[I 2023-11-01 05:14:59,560] Trial 13 pruned. \n[I 2023-11-01 05:14:59,578] Trial 14 pruned. \n[I 2023-11-01 05:14:59,596] Trial 15 pruned. \n[I 2023-11-01 05:14:59,613] Trial 16 pruned. \n[I 2023-11-01 05:14:59,631] Trial 17 pruned. \n[I 2023-11-01 05:14:59,650] Trial 18 pruned. \n[I 2023-11-01 05:14:59,667] Trial 19 pruned. \n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.storages.RetryFailedTrialCallback\n----------------------------------------------------------------------\n:8: ExperimentalWarning:\n\nRetryFailedTrialCallback is experimental (supported from v2.8.0). The interface can change in the future.\n\n[I 2023-11-01 05:14:59,789] A new study created in RDB with name: no-name-64c10aa6-5606-443f-8d69-91fe03a4b4df\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.create_study\n-------------------------------------------------\n[I 2023-11-01 05:14:59,796] A new study created in memory with name: no-name-6333f825-b596-4167-9c9c-e32f442c7391\n[I 2023-11-01 05:14:59,798] Trial 0 finished with value: 51.167038854924776 and parameters: {'x': 7.15311392715961}. Best is trial 0 with value: 51.167038854924776.\n[I 2023-11-01 05:14:59,798] Trial 1 finished with value: 17.363420428675674 and parameters: {'x': 4.166943775559694}. Best is trial 1 with value: 17.363420428675674.\n[I 2023-11-01 05:14:59,799] Trial 2 finished with value: 0.7732100598980407 and parameters: {'x': 0.8793236377455349}. Best is trial 2 with value: 0.7732100598980407.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.logging.get_verbosity\n----------------------------------------------------------\n[I 2023-11-01 05:14:59,802] A new study created in memory with name: no-name-035aff76-ee29-408b-863e-6daf61f9ea78\n[I 2023-11-01 05:14:59,803] Trial 0 finished with value: 2435.407015348444 and parameters: {'x': 49.33971032898799, 'y': 1}. Best is trial 0 with value: 2435.407015348444.\n[I 2023-11-01 05:14:59,804] Trial 1 finished with value: 202.19536250930184 and parameters: {'x': 14.219541571699907, 'y': 0}. Best is trial 1 with value: 202.19536250930184.\n[I 2023-11-01 05:14:59,805] Trial 2 finished with value: 1639.7330682732425 and parameters: {'x': 40.49361762393232, 'y': 0}. Best is trial 1 with value: 202.19536250930184.\n[I 2023-11-01 05:14:59,806] Trial 3 finished with value: 62.56425568832345 and parameters: {'x': 7.909756993000698, 'y': 0}. Best is trial 3 with value: 62.56425568832345.\n[I 2023-11-01 05:14:59,807] Trial 4 finished with value: 82.73045707361166 and parameters: {'x': 9.040489869117252, 'y': 1}. Best is trial 3 with value: 62.56425568832345.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.trial.create_trial\n-------------------------------------------------------\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.trial.FrozenTrial\n------------------------------------------------------\n[I 2023-11-01 05:14:59,823] A new study created in memory with name: no-name-e3617054-94a0-40a1-ae5f-b3d28c38818a\n[I 2023-11-01 05:14:59,824] Trial 0 finished with value: 0.38410993580286207 and parameters: {'x': 0.6197660331148054}. Best is trial 0 with value: 0.38410993580286207.\n[I 2023-11-01 05:14:59,825] Trial 1 finished with value: 0.21391807624321418 and parameters: {'x': -0.46251278495109105}. Best is trial 1 with value: 0.21391807624321418.\n[I 2023-11-01 05:14:59,825] Trial 2 finished with value: 0.22355716294436873 and parameters: {'x': -0.4728183191717181}. Best is trial 1 with value: 0.21391807624321418.\n[I 2023-11-01 05:14:59,827] A new study created in memory with name: no-name-8a627990-8461-4853-a421-520614373f1f\n[I 2023-11-01 05:14:59,828] Trial 0 finished with value: 0.5673565512608952 and parameters: {'x': 0.7532307423763951}. Best is trial 0 with value: 0.5673565512608952.\n[I 2023-11-01 05:14:59,828] Trial 1 finished with value: 0.06892322719174854 and parameters: {'x': -0.2625323355165008}. Best is trial 1 with value: 0.06892322719174854.\n[I 2023-11-01 05:14:59,829] Trial 2 finished with value: 0.7249401769669949 and parameters: {'x': 0.8514341882770475}. Best is trial 1 with value: 0.06892322719174854.\n1 items passed all tests:\n 2 tests in default\n2 tests in 1 items.\n2 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.storages.RDBStorage\n--------------------------------------------------------\n[I 2023-11-01 05:14:59,953] A new study created in RDB with name: no-name-65c31eaf-6f89-4405-bfb1-ddf7c45ffeed\n[I 2023-11-01 05:15:00,014] Trial 0 finished with value: 8733.71276646968 and parameters: {'x': 93.45433519355686}. Best is trial 0 with value: 8733.71276646968.\n[I 2023-11-01 05:15:00,052] Trial 1 finished with value: 7.844447596898943 and parameters: {'x': 2.800794101125419}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,091] Trial 2 finished with value: 20.576983478913856 and parameters: {'x': 4.536186005766723}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,129] Trial 3 finished with value: 414.5454161241118 and parameters: {'x': -20.3603884079875}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,168] Trial 4 finished with value: 6391.692458270527 and parameters: {'x': -79.94806100382002}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,206] Trial 5 finished with value: 6222.597646022455 and parameters: {'x': -78.88344342143321}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,244] Trial 6 finished with value: 3390.3597225386325 and parameters: {'x': 58.2267955716149}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,284] Trial 7 finished with value: 8425.545975052099 and parameters: {'x': -91.79077282086745}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,322] Trial 8 finished with value: 5147.9123937377 and parameters: {'x': -71.74895395570377}. Best is trial 1 with value: 7.844447596898943.\n[I 2023-11-01 05:15:00,360] Trial 9 finished with value: 8215.051648462217 and parameters: {'x': -90.63692210386569}. Best is trial 1 with value: 7.844447596898943.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.MedianPruner\n---------------------------------------------------------\n[I 2023-11-01 05:15:00,383] A new study created in memory with name: no-name-aacc92af-ccf3-4dc1-a713-0d46f9de3d53\n[I 2023-11-01 05:15:00,617] Trial 0 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.8900275218400758}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:00,850] Trial 1 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.5634878036197608}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:01,083] Trial 2 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.4040747466194945}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:01,318] Trial 3 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.4783241251913214}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:01,551] Trial 4 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.8707750616362302}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:01,788] Trial 5 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.9249619146907943}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:02,025] Trial 6 finished with value: 0.8421052631578947 and parameters: {'alpha': 0.08264110962511906}. Best is trial 6 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:02,263] Trial 7 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.7506530969462019}. Best is trial 6 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:02,500] Trial 8 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.5048165389279897}. Best is trial 6 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:02,738] Trial 9 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.9135386471399233}. Best is trial 6 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:02,979] Trial 10 finished with value: 0.9736842105263158 and parameters: {'alpha': 0.0024184174512538043}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:03,221] Trial 11 finished with value: 0.9210526315789473 and parameters: {'alpha': 0.05713140232857587}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:03,462] Trial 12 finished with value: 0.7894736842105263 and parameters: {'alpha': 0.000327318952390283}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:03,703] Trial 13 finished with value: 0.7894736842105263 and parameters: {'alpha': 0.1802915314161863}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:03,946] Trial 14 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.21243134666711316}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:04,188] Trial 15 finished with value: 0.7105263157894737 and parameters: {'alpha': 6.642720023037046e-05}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:04,430] Trial 16 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.27234588757769274}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:04,671] Trial 17 finished with value: 0.8157894736842105 and parameters: {'alpha': 0.11896580534692028}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:04,912] Trial 18 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.3052397579846231}. Best is trial 10 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:05,155] Trial 19 finished with value: 0.8421052631578947 and parameters: {'alpha': 0.0852653270125844}. Best is trial 10 with value: 0.9736842105263158.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.PercentilePruner\n-------------------------------------------------------------\n[I 2023-11-01 05:15:05,163] A new study created in memory with name: no-name-39aaee4a-ecfc-44d1-875e-ff44cf0bc1a3\n[I 2023-11-01 05:15:05,395] Trial 0 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.830037084935752}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:05,628] Trial 1 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.5799656547876723}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:05,859] Trial 2 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.988208794686432}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:06,091] Trial 3 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.1761997812225199}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:06,325] Trial 4 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.703377804903358}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:06,562] Trial 5 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.3692063139708507}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:06,798] Trial 6 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.3237674321734978}. Best is trial 0 with value: 0.6052631578947368.\n[I 2023-11-01 05:15:07,035] Trial 7 finished with value: 0.9473684210526315 and parameters: {'alpha': 0.03763408434219928}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:07,272] Trial 8 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.9211202997722291}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:07,509] Trial 9 finished with value: 0.9473684210526315 and parameters: {'alpha': 0.04449634990906848}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:07,759] Trial 10 finished with value: 0.8157894736842105 and parameters: {'alpha': 0.03362066511037088}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:08,002] Trial 11 finished with value: 0.6842105263157895 and parameters: {'alpha': 0.06587823380026459}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:08,244] Trial 12 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.22932111886049228}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:08,487] Trial 13 finished with value: 0.8947368421052632 and parameters: {'alpha': 0.0005069197211796522}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:08,730] Trial 14 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.17268967895800866}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:08,979] Trial 15 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.39348371767727536}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:09,222] Trial 16 finished with value: 0.631578947368421 and parameters: {'alpha': 0.11659650770539962}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:09,465] Trial 17 finished with value: 0.6052631578947368 and parameters: {'alpha': 0.26115874068921163}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:09,708] Trial 18 finished with value: 0.6578947368421053 and parameters: {'alpha': 0.11460219534083682}. Best is trial 7 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:09,812] Trial 19 pruned. \n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.logging.set_verbosity\n----------------------------------------------------------\n[I 2023-11-01 05:15:09,820] A new study created in memory with name: no-name-d038298a-3dfd-428e-ae71-9eaabf206b08\n[I 2023-11-01 05:15:09,821] Trial 0 finished with value: 64.0 and parameters: {'x': -8}. Best is trial 0 with value: 64.0.\n[I 2023-11-01 05:15:09,822] Trial 1 finished with value: 64.0 and parameters: {'x': 8}. Best is trial 0 with value: 64.0.\n[I 2023-11-01 05:15:09,823] Trial 2 finished with value: 81.0 and parameters: {'x': 9}. Best is trial 0 with value: 64.0.\n[I 2023-11-01 05:15:09,823] Trial 3 finished with value: 16.0 and parameters: {'x': 4}. Best is trial 3 with value: 16.0.\n[I 2023-11-01 05:15:09,824] Trial 4 finished with value: 64.0 and parameters: {'x': 8}. Best is trial 3 with value: 16.0.\n[I 2023-11-01 05:15:09,825] Trial 5 finished with value: 4.0 and parameters: {'x': 2}. Best is trial 5 with value: 4.0.\n[I 2023-11-01 05:15:09,825] Trial 6 finished with value: 64.0 and parameters: {'x': 8}. Best is trial 5 with value: 4.0.\n[I 2023-11-01 05:15:09,826] Trial 7 finished with value: 100.0 and parameters: {'x': -10}. Best is trial 5 with value: 4.0.\n[I 2023-11-01 05:15:09,827] Trial 8 finished with value: 1.0 and parameters: {'x': 1}. Best is trial 8 with value: 1.0.\n[I 2023-11-01 05:15:09,828] Trial 9 finished with value: 36.0 and parameters: {'x': -6}. Best is trial 8 with value: 1.0.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.pruners.NopPruner\n------------------------------------------------------\n[I 2023-11-01 05:15:09,894] A new study created in memory with name: no-name-b6ae266a-c58b-483c-9748-452f981139cf\n[I 2023-11-01 05:15:10,129] Trial 0 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.7888446663072128}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:10,363] Trial 1 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.49774357670954805}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:10,596] Trial 2 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.9972282839019428}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:10,828] Trial 3 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.957763734625193}. Best is trial 0 with value: 0.7105263157894737.\n[I 2023-11-01 05:15:11,061] Trial 4 finished with value: 0.8421052631578947 and parameters: {'alpha': 0.19591910311602134}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:11,292] Trial 5 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.44670845664520975}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:11,524] Trial 6 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.34623912680349433}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:11,757] Trial 7 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.6844346936683634}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:11,990] Trial 8 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.6092516696585111}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:12,223] Trial 9 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.6512817998983186}. Best is trial 4 with value: 0.8421052631578947.\n[I 2023-11-01 05:15:12,461] Trial 10 finished with value: 0.9210526315789473 and parameters: {'alpha': 0.06533947725063124}. Best is trial 10 with value: 0.9210526315789473.\n[I 2023-11-01 05:15:12,698] Trial 11 finished with value: 0.9210526315789473 and parameters: {'alpha': 0.055748249352216867}. Best is trial 10 with value: 0.9210526315789473.\n[I 2023-11-01 05:15:12,936] Trial 12 finished with value: 0.9473684210526315 and parameters: {'alpha': 0.01669022760326091}. Best is trial 12 with value: 0.9473684210526315.\n[I 2023-11-01 05:15:13,173] Trial 13 finished with value: 0.9736842105263158 and parameters: {'alpha': 0.04181224179042709}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:13,410] Trial 14 finished with value: 0.9736842105263158 and parameters: {'alpha': 0.022983310565195807}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:13,647] Trial 15 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.24362427501841794}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:13,885] Trial 16 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.1786801934817953}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:14,121] Trial 17 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.32301381348694574}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:14,357] Trial 18 finished with value: 0.7631578947368421 and parameters: {'alpha': 0.13271796490952817}. Best is trial 13 with value: 0.9736842105263158.\n[I 2023-11-01 05:15:14,594] Trial 19 finished with value: 0.9473684210526315 and parameters: {'alpha': 0.008860713463394156}. Best is trial 13 with value: 0.9736842105263158.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.delete_study\n-------------------------------------------------\n[I 2023-11-01 05:15:14,754] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:14,824] Trial 0 finished with value: 13.552624973639903 and parameters: {'x': -1.6813890005865861}. Best is trial 0 with value: 13.552624973639903.\n[I 2023-11-01 05:15:14,875] Trial 1 finished with value: 44.319937086643776 and parameters: {'x': 8.657322065714094}. Best is trial 0 with value: 13.552624973639903.\n[I 2023-11-01 05:15:14,923] Trial 2 finished with value: 6.073637874685441 and parameters: {'x': 4.464475172259895}. Best is trial 2 with value: 6.073637874685441.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.TrialPruned\n------------------------------------------------\n[I 2023-11-01 05:15:15,532] A new study created in memory with name: no-name-de16d520-6432-4031-badf-b005d0dc9334\n[I 2023-11-01 05:15:15,764] Trial 0 finished with value: 0.7368421052631579 and parameters: {'alpha': 0.3667706340718867}. Best is trial 0 with value: 0.7368421052631579.\n[I 2023-11-01 05:15:15,997] Trial 1 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.6023963605102868}. Best is trial 0 with value: 0.7368421052631579.\n[I 2023-11-01 05:15:16,232] Trial 2 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.7440896231562807}. Best is trial 0 with value: 0.7368421052631579.\n[I 2023-11-01 05:15:16,467] Trial 3 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.4488003686129878}. Best is trial 0 with value: 0.7368421052631579.\n[I 2023-11-01 05:15:16,701] Trial 4 finished with value: 0.7894736842105263 and parameters: {'alpha': 0.13316278211560562}. Best is trial 4 with value: 0.7894736842105263.\n[I 2023-11-01 05:15:16,705] Trial 5 pruned. \n[I 2023-11-01 05:15:16,729] Trial 6 pruned. \n[I 2023-11-01 05:15:16,989] Trial 7 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.618210536684779}. Best is trial 4 with value: 0.7894736842105263.\n[I 2023-11-01 05:15:17,003] Trial 8 pruned. \n[I 2023-11-01 05:15:17,006] Trial 9 pruned. \n[I 2023-11-01 05:15:17,271] Trial 10 finished with value: 0.7368421052631579 and parameters: {'alpha': 0.2541894793278965}. Best is trial 4 with value: 0.7894736842105263.\n[I 2023-11-01 05:15:17,291] Trial 11 pruned. \n[I 2023-11-01 05:15:17,300] Trial 12 pruned. \n[I 2023-11-01 05:15:17,309] Trial 13 pruned. \n[I 2023-11-01 05:15:17,574] Trial 14 finished with value: 0.7368421052631579 and parameters: {'alpha': 0.2136223800498176}. Best is trial 4 with value: 0.7894736842105263.\n[I 2023-11-01 05:15:17,593] Trial 15 pruned. \n[I 2023-11-01 05:15:17,613] Trial 16 pruned. \n[I 2023-11-01 05:15:17,632] Trial 17 pruned. \n[I 2023-11-01 05:15:17,641] Trial 18 pruned. \n[I 2023-11-01 05:15:17,906] Trial 19 finished with value: 0.7105263157894737 and parameters: {'alpha': 0.40616669604015154}. Best is trial 4 with value: 0.7894736842105263.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.load_study\n-----------------------------------------------\n[I 2023-11-01 05:15:18,070] A new study created in RDB with name: my_study\n[I 2023-11-01 05:15:18,140] Trial 0 finished with value: 10.43301726991169 and parameters: {'x': 3.2300181531860916}. Best is trial 0 with value: 10.43301726991169.\n[I 2023-11-01 05:15:18,196] Trial 1 finished with value: 28.390259830261034 and parameters: {'x': 5.32825110428}. Best is trial 0 with value: 10.43301726991169.\n[I 2023-11-01 05:15:18,250] Trial 2 finished with value: 84.2840105002338 and parameters: {'x': 9.180632358407225}. Best is trial 0 with value: 10.43301726991169.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n:10: ExperimentalWarning:\n 1 tests in default (cleanup code)\n\nMLflowCallback is experimental (supported from v1.4.0). The interface can change in the future.\n\n[I 2023-11-01 05:15:18,321] A new study created in memory with name: my_study\n[I 2023-11-01 05:15:18,323] Trial 0 finished with value: 18.73553231771368 and parameters: {'x': -2.3284561124855685}. Best is trial 0 with value: 18.73553231771368.\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.integration.MLflowCallback\n---------------------------------------------------------------\n2023/11/01 05:15:18 INFO mlflow.tracking.fluent: Experiment with name 'my_study' does not exist. Creating a new experiment.\n[I 2023-11-01 05:15:18,480] Trial 1 finished with value: 57.026131755409615 and parameters: {'x': 9.55156485474432}. Best is trial 0 with value: 18.73553231771368.\n[I 2023-11-01 05:15:18,496] Trial 2 finished with value: 33.202144231904214 and parameters: {'x': -3.762130181790777}. Best is trial 0 with value: 18.73553231771368.\n[I 2023-11-01 05:15:18,511] Trial 3 finished with value: 23.90531725849781 and parameters: {'x': 6.889306418961468}. Best is trial 0 with value: 18.73553231771368.\n[I 2023-11-01 05:15:18,526] Trial 4 finished with value: 1.4769224668183483 and parameters: {'x': 3.2152869894878116}. Best is trial 4 with value: 1.4769224668183483.\n[I 2023-11-01 05:15:18,541] Trial 5 finished with value: 13.067063648099865 and parameters: {'x': 5.614839366846038}. Best is trial 4 with value: 1.4769224668183483.\n[I 2023-11-01 05:15:18,556] Trial 6 finished with value: 99.74443983009965 and parameters: {'x': -7.987213817181429}. Best is trial 4 with value: 1.4769224668183483.\n[I 2023-11-01 05:15:18,571] Trial 7 finished with value: 5.569085714490087 and parameters: {'x': -0.3598910386901526}. Best is trial 4 with value: 1.4769224668183483.\n[I 2023-11-01 05:15:18,586] Trial 8 finished with value: 1.4981016621204488 and parameters: {'x': 0.7760303671575635}. Best is trial 4 with value: 1.4769224668183483.\n[I 2023-11-01 05:15:18,601] Trial 9 finished with value: 3.387025077127389 and parameters: {'x': 3.8403872084774413}. Best is trial 4 with value: 1.4769224668183483.\n:5: ExperimentalWarning:\n\nMLflowCallback is experimental (supported from v1.4.0). The interface can change in the future.\n\n:11: ExperimentalWarning:\n\ntrack_in_mlflow is experimental (supported from v2.9.0). The interface can change in the future.\n\n[I 2023-11-01 05:15:18,618] A new study created in memory with name: my_other_study\n2023/11/01 05:15:18 INFO mlflow.tracking.fluent: Experiment with name 'my_other_study' does not exist. Creating a new experiment.\n[I 2023-11-01 05:15:18,635] Trial 0 finished with value: 21.922569148157685 and parameters: {'x': 6.682154327674141}. Best is trial 0 with value: 21.922569148157685.\n[I 2023-11-01 05:15:18,660] Trial 1 finished with value: 7.099018375031745 and parameters: {'x': 4.664398313884721}. Best is trial 1 with value: 7.099018375031745.\n[I 2023-11-01 05:15:18,685] Trial 2 finished with value: 4.5304685646287925 and parameters: {'x': 4.128489737966522}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,709] Trial 3 finished with value: 17.173811395481042 and parameters: {'x': -2.1441297512844653}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,734] Trial 4 finished with value: 18.418604713468877 and parameters: {'x': -2.2916901930904654}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,761] Trial 5 finished with value: 8.619242637640271 and parameters: {'x': 4.935854669025746}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,787] Trial 6 finished with value: 8.985324112134336 and parameters: {'x': 4.997553020737804}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,812] Trial 7 finished with value: 72.53608347596963 and parameters: {'x': -6.516811814051642}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,836] Trial 8 finished with value: 23.440844148422773 and parameters: {'x': 6.8415745526040155}. Best is trial 2 with value: 4.5304685646287925.\n[I 2023-11-01 05:15:18,862] Trial 9 finished with value: 138.1063998853089 and parameters: {'x': -9.751867931750633}. Best is trial 2 with value: 4.5304685646287925.\n1 items passed all tests:\n 2 tests in default\n2 tests in 1 items.\n2 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.get_all_study_names\n--------------------------------------------------------\n[I 2023-11-01 05:15:19,046] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:19,120] Trial 0 finished with value: 1.5297720116310878 and parameters: {'x': 0.7631604745840761}. Best is trial 0 with value: 1.5297720116310878.\n[I 2023-11-01 05:15:19,178] Trial 1 finished with value: 40.2293402927188 and parameters: {'x': 8.342660348207115}. Best is trial 0 with value: 1.5297720116310878.\n[I 2023-11-01 05:15:19,227] Trial 2 finished with value: 1.6298673187357737 and parameters: {'x': 3.2766625704295453}. Best is trial 0 with value: 1.5297720116310878.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.copy_study\n-----------------------------------------------\n[I 2023-11-01 05:15:19,455] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:19,526] Trial 0 finished with value: 0.07393057763188822 and parameters: {'x': 2.2719017793834535}. Best is trial 0 with value: 0.07393057763188822.\n[I 2023-11-01 05:15:19,579] Trial 1 finished with value: 2.788360612876335 and parameters: {'x': 3.6698384990400523}. Best is trial 0 with value: 0.07393057763188822.\n[I 2023-11-01 05:15:19,627] Trial 2 finished with value: 44.67409624394218 and parameters: {'x': -4.683868359261886}. Best is trial 0 with value: 0.07393057763188822.\n[I 2023-11-01 05:15:19,828] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:19,937] Study name was omitted but trying to load 'example-study' because that was the only study found in the storage.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.create_study\n-------------------------------------------------------\n[I 2023-11-01 05:15:19,995] A new study created in memory with name: no-name-3ddb27f5-4336-4257-aabd-b486af1f6709\n[I 2023-11-01 05:15:19,997] Trial 0 finished with value: 8.217642312608634 and parameters: {'x': 2.866643038923513}. Best is trial 0 with value: 8.217642312608634.\n[I 2023-11-01 05:15:19,997] Trial 1 finished with value: 15.097055650868775 and parameters: {'x': 3.8854929739826805}. Best is trial 0 with value: 8.217642312608634.\n[I 2023-11-01 05:15:19,998] Trial 2 finished with value: 39.93648245615986 and parameters: {'x': 6.319531822545073}. Best is trial 0 with value: 8.217642312608634.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.load_study\n-----------------------------------------------------\n[I 2023-11-01 05:15:20,162] A new study created in RDB with name: my_study\n[I 2023-11-01 05:15:20,233] Trial 0 finished with value: 67.51380112033551 and parameters: {'x': 8.21667822908598}. Best is trial 0 with value: 67.51380112033551.\n[I 2023-11-01 05:15:20,291] Trial 1 finished with value: 57.90566065189771 and parameters: {'x': 7.609576903606252}. Best is trial 1 with value: 57.90566065189771.\n[I 2023-11-01 05:15:20,340] Trial 2 finished with value: 9.386942246031872 and parameters: {'x': 3.063811718436998}. Best is trial 2 with value: 9.386942246031872.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.delete_study\n-------------------------------------------------------\n[I 2023-11-01 05:15:20,562] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:20,633] Trial 0 finished with value: 111.95528925950318 and parameters: {'x': -8.580892649465033}. Best is trial 0 with value: 111.95528925950318.\n[I 2023-11-01 05:15:20,684] Trial 1 finished with value: 11.946196278148994 and parameters: {'x': 5.456326992364726}. Best is trial 1 with value: 11.946196278148994.\n[I 2023-11-01 05:15:20,735] Trial 2 finished with value: 99.55676583906153 and parameters: {'x': -7.977813680314016}. Best is trial 1 with value: 11.946196278148994.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.get_all_study_summaries\n------------------------------------------------------------\n[I 2023-11-01 05:15:20,958] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:21,038] Trial 0 finished with value: 4.687195233258842 and parameters: {'x': -0.16499312545302125}. Best is trial 0 with value: 4.687195233258842.\n[I 2023-11-01 05:15:21,092] Trial 1 finished with value: 48.71055027240857 and parameters: {'x': -4.979294396456462}. Best is trial 0 with value: 4.687195233258842.\n[I 2023-11-01 05:15:21,139] Trial 2 finished with value: 62.79169263770763 and parameters: {'x': -5.9241209378522}. Best is trial 0 with value: 4.687195233258842.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.terminator.TerminatorCallback\n------------------------------------------------------------------\n[I 2023-11-01 05:15:21,213] A new study created in memory with name: no-name-7a23e275-23c1-4d0c-af2e-df8d3df04b4c\n:26: ExperimentalWarning:\n\nTerminatorCallback is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/terminator/callback.py:71: ExperimentalWarning:\n\nTerminator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/terminator/terminator.py:111: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/terminator/terminator.py:118: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:15:21,917] Trial 0 finished with value: 0.39936507936507937 and parameters: {'max_depth': 10, 'min_samples_split': 0.8106455221614581, 'criterion': 'entropy'}. Best is trial 0 with value: 0.39936507936507937.\n[I 2023-11-01 05:15:22,620] Trial 1 finished with value: 0.39936507936507937 and parameters: {'max_depth': 19, 'min_samples_split': 0.7282400141475627, 'criterion': 'entropy'}. Best is trial 0 with value: 0.39936507936507937.\n[I 2023-11-01 05:15:23,380] Trial 2 finished with value: 0.9607936507936508 and parameters: {'max_depth': 21, 'min_samples_split': 0.26875937574989217, 'criterion': 'entropy'}. Best is trial 2 with value: 0.9607936507936508.\n[I 2023-11-01 05:15:24,089] Trial 3 finished with value: 0.32571428571428573 and parameters: {'max_depth': 6, 'min_samples_split': 0.9727694741372735, 'criterion': 'entropy'}. Best is trial 2 with value: 0.9607936507936508.\n[I 2023-11-01 05:15:24,802] Trial 4 finished with value: 0.3988888888888889 and parameters: {'max_depth': 15, 'min_samples_split': 0.7732265721868287, 'criterion': 'gini'}. Best is trial 2 with value: 0.9607936507936508.\n[I 2023-11-01 05:15:25,613] Trial 5 finished with value: 0.9719047619047618 and parameters: {'max_depth': 11, 'min_samples_split': 0.05116885754843559, 'criterion': 'gini'}. Best is trial 5 with value: 0.9719047619047618.\n[I 2023-11-01 05:15:26,315] Trial 6 finished with value: 0.3996825396825397 and parameters: {'max_depth': 7, 'min_samples_split': 0.7216211812618147, 'criterion': 'gini'}. Best is trial 5 with value: 0.9719047619047618.\n[I 2023-11-01 05:15:27,042] Trial 7 finished with value: 0.9382539682539683 and parameters: {'max_depth': 32, 'min_samples_split': 0.5043817996487071, 'criterion': 'gini'}. Best is trial 5 with value: 0.9719047619047618.\n[I 2023-11-01 05:15:27,814] Trial 8 finished with value: 0.9607936507936508 and parameters: {'max_depth': 6, 'min_samples_split': 0.2215017961776773, 'criterion': 'entropy'}. Best is trial 5 with value: 0.9719047619047618.\n[I 2023-11-01 05:15:28,573] Trial 9 finished with value: 0.9831746031746033 and parameters: {'max_depth': 7, 'min_samples_split': 0.20617106345267322, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:29,365] Trial 10 finished with value: 0.9774603174603176 and parameters: {'max_depth': 26, 'min_samples_split': 0.029043984899351782, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:30,157] Trial 11 finished with value: 0.9830158730158731 and parameters: {'max_depth': 26, 'min_samples_split': 0.014847021694567426, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:30,935] Trial 12 finished with value: 0.9774603174603176 and parameters: {'max_depth': 26, 'min_samples_split': 0.19232457365054262, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:31,689] Trial 13 finished with value: 0.9665079365079364 and parameters: {'max_depth': 25, 'min_samples_split': 0.3733790544476438, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:32,453] Trial 14 finished with value: 0.9719047619047618 and parameters: {'max_depth': 2, 'min_samples_split': 0.032021328527321584, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:33,239] Trial 15 finished with value: 0.9831746031746033 and parameters: {'max_depth': 31, 'min_samples_split': 0.14291146022807888, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:33,994] Trial 16 finished with value: 0.9774603174603176 and parameters: {'max_depth': 32, 'min_samples_split': 0.3735636149317595, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:34,781] Trial 17 finished with value: 0.9831746031746033 and parameters: {'max_depth': 15, 'min_samples_split': 0.13512238513495, 'criterion': 'gini'}. Best is trial 9 with value: 0.9831746031746033.\n[I 2023-11-01 05:15:35,571] Trial 18 finished with value: 0.9887301587301588 and parameters: {'max_depth': 21, 'min_samples_split': 0.14053030021171198, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:36,331] Trial 19 finished with value: 0.9719047619047618 and parameters: {'max_depth': 21, 'min_samples_split': 0.3092765108502869, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:38,134] Trial 20 finished with value: 0.9715873015873017 and parameters: {'max_depth': 13, 'min_samples_split': 0.49123624218204587, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:39,733] Trial 21 finished with value: 0.9830158730158731 and parameters: {'max_depth': 29, 'min_samples_split': 0.14665846941393723, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:41,459] Trial 22 finished with value: 0.9773015873015873 and parameters: {'max_depth': 22, 'min_samples_split': 0.14752222875645107, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:43,230] Trial 23 finished with value: 0.9774603174603176 and parameters: {'max_depth': 18, 'min_samples_split': 0.1137268126349236, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:44,828] Trial 24 finished with value: 0.9719047619047618 and parameters: {'max_depth': 2, 'min_samples_split': 0.23952405463021115, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:46,253] Trial 25 finished with value: 0.9719047619047618 and parameters: {'max_depth': 29, 'min_samples_split': 0.0961007672212649, 'criterion': 'gini'}. Best is trial 18 with value: 0.9887301587301588.\n[I 2023-11-01 05:15:46,877] The study has been stopped by the terminator.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.copy_study\n-----------------------------------------------------\n[I 2023-11-01 05:15:47,744] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:47,818] Trial 0 finished with value: 84.4430728422261 and parameters: {'x': -7.189291204561215}. Best is trial 0 with value: 84.4430728422261.\n[I 2023-11-01 05:15:47,869] Trial 1 finished with value: 62.53303418739467 and parameters: {'x': -5.907783139881535}. Best is trial 1 with value: 62.53303418739467.\n[I 2023-11-01 05:15:47,922] Trial 2 finished with value: 11.78213833718066 and parameters: {'x': -1.432511957325227}. Best is trial 2 with value: 11.78213833718066.\n[I 2023-11-01 05:15:48,118] A new study created in RDB with name: example-study\n[I 2023-11-01 05:15:48,225] Study name was omitted but trying to load 'example-study' because that was the only study found in the storage.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n1 items passed all tests:\n 1 tests in default (cleanup code)\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDocument: reference/generated/optuna.study.MaxTrialsCallback\n------------------------------------------------------------\n[I 2023-11-01 05:15:48,272] A new study created in memory with name: no-name-3ae81536-917d-4314-9a45-421c125ff75f\n[I 2023-11-01 05:15:48,273] Trial 0 finished with value: 0.7816072938762856 and parameters: {'x': 0.8840855693179737}. Best is trial 0 with value: 0.7816072938762856.\n[I 2023-11-01 05:15:48,274] Trial 1 finished with value: 0.42612986588170604 and parameters: {'x': -0.6527862329137357}. Best is trial 1 with value: 0.42612986588170604.\n[I 2023-11-01 05:15:48,274] Trial 2 finished with value: 0.4446801754094229 and parameters: {'x': 0.6668434414534066}. Best is trial 1 with value: 0.42612986588170604.\n[I 2023-11-01 05:15:48,275] Trial 3 finished with value: 0.1404258264698638 and parameters: {'x': 0.3747343411936832}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,276] Trial 4 finished with value: 0.18323201733007513 and parameters: {'x': 0.4280560913362583}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,276] Trial 5 finished with value: 0.574198435394582 and parameters: {'x': -0.7577588240295074}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,277] Trial 6 finished with value: 0.71899617668303 and parameters: {'x': 0.8479364225477226}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,278] Trial 7 finished with value: 0.16613643700261277 and parameters: {'x': 0.40759837708535196}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,279] Trial 8 finished with value: 0.8015686460434348 and parameters: {'x': -0.8953036613593373}. Best is trial 3 with value: 0.1404258264698638.\n[I 2023-11-01 05:15:48,279] Trial 9 finished with value: 0.32581544150802433 and parameters: {'x': -0.5708024540136669}. Best is trial 3 with value: 0.1404258264698638.\n1 items passed all tests:\n 1 tests in default\n1 tests in 1 items.\n1 passed and 0 failed.\nTest passed.\n\nDoctest summary\n===============\n 57 tests\n 0 failures in tests\n 0 failures in setup code\n 0 failures in cleanup code\n\nSphinx-Gallery successfully executed 17 out of 17 files subselected by:\n\n gallery_conf[\"filename_pattern\"] = '/*\\\\.py'\n gallery_conf[\"ignore_pattern\"] = '__init__\\\\.py'\n\nafter excluding 0 files that had previously been run (based on MD5).\n\nbuild finished with problems, 3 warnings.\nmake: *** [Makefile:24: doctest] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "documentation/8_Build Document.txt", "log": "##[group]Run cd docs\n\u001b[36;1mcd docs\u001b[0m\n\u001b[36;1mmake html\u001b[0m\n\u001b[36;1mcd ../\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nRunning Sphinx v7.1.2\nmaking output directory... done\nUsing Sphinx-Gallery to convert rst text blocks to markdown for .ipynb files.\n[autosummary] generating autosummary for: faq.rst, index.rst, installation.rst, license_thirdparty.rst, privacy.rst, reference/artifacts.rst, reference/cli.rst, reference/distributions.rst, reference/exceptions.rst, reference/importance.rst, ..., reference/samplers/index.rst, reference/samplers/nsgaii.rst, reference/search_space.rst, reference/storages.rst, reference/study.rst, reference/terminator.rst, reference/trial.rst, reference/visualization/index.rst, reference/visualization/matplotlib.rst, tutorial/index.rst\n[autosummary] generating autosummary for: /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.TrialPruned.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.artifacts.Backoff.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.artifacts.Boto3ArtifactStore.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.artifacts.FileSystemArtifactStore.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.artifacts.GCSArtifactStore.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.artifacts.upload_artifact.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.copy_study.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.create_study.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.delete_study.rst, /home/runner/work/optuna/optuna/docs/source/reference/generated/optuna.distributions.CategoricalDistribution.rst, ..., /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_hypervolume_history.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_intermediate_values.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_optimization_history.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_parallel_coordinate.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_param_importances.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_pareto_front.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_rank.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_slice.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_terminator_improvement.rst, /home/runner/work/optuna/optuna/docs/source/reference/visualization/generated/optuna.visualization.plot_timeline.rst\nloading intersphinx inventory from https://docs.python.org/3/objects.inv...\nloading intersphinx inventory from https://distributed.dask.org/en/stable/objects.inv...\nloading intersphinx inventory from https://lightgbm.readthedocs.io/en/latest/objects.inv...\nloading intersphinx inventory from https://matplotlib.org/stable/objects.inv...\nloading intersphinx inventory from https://numpy.org/doc/stable/objects.inv...\nloading intersphinx inventory from https://docs.scipy.org/doc/scipy/objects.inv...\nloading intersphinx inventory from https://scikit-learn.org/stable/objects.inv...\nloading intersphinx inventory from https://pytorch.org/docs/stable/objects.inv...\nloading intersphinx inventory from https://pandas.pydata.org/docs/objects.inv...\nloading intersphinx inventory from https://plotly.com/python-api-reference/objects.inv...\ngenerating gallery...\n[I 2023-11-01 05:06:41,473] A new study created in memory with name: no-name-47078d7a-b5b7-4288-a2a2-84c16144b7da\n[I 2023-11-01 05:06:41,475] Trial 0 finished with value: 0.23975049341424567 and parameters: {'x': 1.510356769255159}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,475] Trial 1 finished with value: 3.7484804676688133 and parameters: {'x': 3.936099291789761}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,476] Trial 2 finished with value: 115.70229102466851 and parameters: {'x': -8.756499943042277}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,476] Trial 3 finished with value: 138.11293976002278 and parameters: {'x': -9.752146176763748}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,477] Trial 4 finished with value: 16.39382127009354 and parameters: {'x': 6.048928410097361}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,477] Trial 5 finished with value: 9.216187076408886 and parameters: {'x': -1.0358173654567704}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,478] Trial 6 finished with value: 41.553208343623744 and parameters: {'x': 8.446177808874321}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,479] Trial 7 finished with value: 26.649034792678144 and parameters: {'x': 7.162270313793936}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,479] Trial 8 finished with value: 112.18311916341094 and parameters: {'x': -8.591653278096434}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,480] Trial 9 finished with value: 24.425574250372637 and parameters: {'x': 6.942223613958866}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,486] Trial 10 finished with value: 1.1941588808322545 and parameters: {'x': 0.9072242312202131}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,491] Trial 11 finished with value: 0.9395641357145335 and parameters: {'x': 1.0306888344218181}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,497] Trial 12 finished with value: 5.105917361967821 and parameters: {'x': -0.25962770428400883}. Best is trial 0 with value: 0.23975049341424567.\n[I 2023-11-01 05:06:41,502] Trial 13 finished with value: 0.06473822314549495 and parameters: {'x': 2.2544370710912522}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,507] Trial 14 finished with value: 2.902736524141611 and parameters: {'x': 3.703741918290916}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,513] Trial 15 finished with value: 24.560659097208713 and parameters: {'x': -2.955871174395952}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,518] Trial 16 finished with value: 2.345746491807175 and parameters: {'x': 3.531583001932045}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,523] Trial 17 finished with value: 21.809563327763932 and parameters: {'x': -2.670071019563186}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,528] Trial 18 finished with value: 60.87970692054194 and parameters: {'x': 9.802544900257988}. Best is trial 13 with value: 0.06473822314549495.\n[I 2023-11-01 05:06:41,534] Trial 19 finished with value: 0.017593025595601233 and parameters: {'x': 2.1326387032340155}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,539] Trial 20 finished with value: 13.75493998226831 and parameters: {'x': 5.708765290803438}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,544] Trial 21 finished with value: 0.0324044593574028 and parameters: {'x': 2.180012386677703}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,551] Trial 22 finished with value: 0.2799815981104452 and parameters: {'x': 2.529132873775997}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,557] Trial 23 finished with value: 6.892457284098662 and parameters: {'x': 4.625348983297013}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,562] Trial 24 finished with value: 0.5946731575193415 and parameters: {'x': 2.7711505414115596}. Best is trial 19 with value: 0.017593025595601233.\n[I 2023-11-01 05:06:41,568] Trial 25 finished with value: 0.002383933973042147 and parameters: {'x': 2.0488255463158596}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,573] Trial 26 finished with value: 10.321468717987454 and parameters: {'x': 5.212704268678873}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,578] Trial 27 finished with value: 8.200925923426908 and parameters: {'x': -0.863725881334823}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,584] Trial 28 finished with value: 6.728504036612934 and parameters: {'x': 4.5939360124361075}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,589] Trial 29 finished with value: 0.5098867441859787 and parameters: {'x': 1.2859364564788518}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,595] Trial 30 finished with value: 0.006562017312186087 and parameters: {'x': 1.9189937205385528}. Best is trial 25 with value: 0.002383933973042147.\n[I 2023-11-01 05:06:41,605] Trial 31 finished with value: 0.0001226659335875051 and parameters: {'x': 2.0110754653892062}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,611] Trial 32 finished with value: 2.439362452888159 and parameters: {'x': 3.5618458479914588}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,616] Trial 33 finished with value: 0.9993855503413831 and parameters: {'x': 1.000307272037361}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,622] Trial 34 finished with value: 0.8696380063458535 and parameters: {'x': 2.9325438361524103}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,627] Trial 35 finished with value: 3.561771532722575 and parameters: {'x': 0.11273437674433984}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,633] Trial 36 finished with value: 5.35576093490798 and parameters: {'x': 4.314251700854507}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,639] Trial 37 finished with value: 0.012106698961882111 and parameters: {'x': 1.8899695543866057}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,645] Trial 38 finished with value: 2.9566702472418362 and parameters: {'x': 0.28050290862652627}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,651] Trial 39 finished with value: 12.527627956065485 and parameters: {'x': -1.5394389323825726}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,656] Trial 40 finished with value: 18.26007204500583 and parameters: {'x': 6.273180553756865}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,663] Trial 41 finished with value: 0.07333451174631345 and parameters: {'x': 2.270803455934952}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,669] Trial 42 finished with value: 0.3370695963098634 and parameters: {'x': 1.4194230487610937}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,674] Trial 43 finished with value: 0.007043420039550861 and parameters: {'x': 1.9160749141224696}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,680] Trial 44 finished with value: 1.0369484497784436 and parameters: {'x': 3.018306658025196}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,685] Trial 45 finished with value: 3.1438828685208584 and parameters: {'x': 0.22690020909119202}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,690] Trial 46 finished with value: 0.04424418399911737 and parameters: {'x': 1.789656984905328}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,696] Trial 47 finished with value: 4.224274304745287 and parameters: {'x': 4.055303944613859}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,701] Trial 48 finished with value: 1.662546666019707 and parameters: {'x': 0.7106022079979712}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,707] Trial 49 finished with value: 0.23836406378318714 and parameters: {'x': 1.511774576877456}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,713] Trial 50 finished with value: 1.996358512990163 and parameters: {'x': 3.4129255157262053}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,718] Trial 51 finished with value: 0.008293367293779946 and parameters: {'x': 2.0910679268116934}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,724] Trial 52 finished with value: 0.054407393508759325 and parameters: {'x': 1.7667460750410418}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,729] Trial 53 finished with value: 1.0789553802698728 and parameters: {'x': 3.0387277700484727}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,735] Trial 54 finished with value: 5.797567883741771 and parameters: {'x': -0.40781392215880574}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,740] Trial 55 finished with value: 1.8227197884896447 and parameters: {'x': 0.649918599309788}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,746] Trial 56 finished with value: 0.20917062459394667 and parameters: {'x': 2.4573517514932535}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,751] Trial 57 finished with value: 3.3520659317685513 and parameters: {'x': 3.830864804339346}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,757] Trial 58 finished with value: 0.5885917521669437 and parameters: {'x': 1.2328026641294016}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,763] Trial 59 finished with value: 0.005647811906675764 and parameters: {'x': 1.9248480744978829}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,770] Trial 60 finished with value: 9.192530791359042 and parameters: {'x': 5.031918665030288}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,776] Trial 61 finished with value: 0.00033652505446660094 and parameters: {'x': 1.9816553807761894}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,781] Trial 62 finished with value: 0.3249458424816528 and parameters: {'x': 2.5700402112848293}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,787] Trial 63 finished with value: 1.665921293464379 and parameters: {'x': 3.2907057346523176}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,793] Trial 64 finished with value: 1.2181518266314968 and parameters: {'x': 0.8963008441466049}. Best is trial 31 with value: 0.0001226659335875051.\n[I 2023-11-01 05:06:41,798] Trial 65 finished with value: 8.332890706068021e-05 and parameters: {'x': 2.0091284668515956}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,804] Trial 66 finished with value: 4.398936757898378 and parameters: {'x': 4.097364240635941}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,810] Trial 67 finished with value: 5.398035885013609 and parameters: {'x': -0.3233673590316295}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,815] Trial 68 finished with value: 0.48908959501817206 and parameters: {'x': 2.699349408391951}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,821] Trial 69 finished with value: 0.04213416579018197 and parameters: {'x': 1.7947339146615253}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,827] Trial 70 finished with value: 1.8630875395317317 and parameters: {'x': 0.6350503527485962}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,832] Trial 71 finished with value: 0.05015684025561348 and parameters: {'x': 2.223957228629963}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,838] Trial 72 finished with value: 2.3512923381591375 and parameters: {'x': 3.5333924279711106}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,844] Trial 73 finished with value: 0.4323570033491952 and parameters: {'x': 1.3424614054299207}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,850] Trial 74 finished with value: 0.003532144931193252 and parameters: {'x': 1.940568148849348}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,856] Trial 75 finished with value: 0.7154786652009347 and parameters: {'x': 2.8458597195758495}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,861] Trial 76 finished with value: 0.611505587237478 and parameters: {'x': 1.218011772954683}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,869] Trial 77 finished with value: 2.38168262539457 and parameters: {'x': 0.45672989227595995}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,875] Trial 78 finished with value: 0.030061302793220664 and parameters: {'x': 1.8266180436342332}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,881] Trial 79 finished with value: 1.4627501631759523 and parameters: {'x': 3.2094420875659786}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,887] Trial 80 finished with value: 5.463382638961274 and parameters: {'x': 4.337387994955325}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,892] Trial 81 finished with value: 0.029204587496343363 and parameters: {'x': 2.1708934975250473}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,898] Trial 82 finished with value: 0.29485386723328566 and parameters: {'x': 2.54300448178011}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,904] Trial 83 finished with value: 0.09787047095274662 and parameters: {'x': 1.6871574342376878}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,910] Trial 84 finished with value: 0.5620977367800069 and parameters: {'x': 1.2502682234425389}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,916] Trial 85 finished with value: 0.0006740077889927713 and parameters: {'x': 2.0259616599814567}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,922] Trial 86 finished with value: 2.600821427774854 and parameters: {'x': 3.6127062434847996}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,929] Trial 87 finished with value: 1.4370112674709399 and parameters: {'x': 0.8012459520523236}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,935] Trial 88 finished with value: 4.65174677004284 and parameters: {'x': -0.15679084986070002}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,941] Trial 89 finished with value: 0.8916358452507899 and parameters: {'x': 2.944264711429369}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,946] Trial 90 finished with value: 0.09380541646974541 and parameters: {'x': 2.306276699194936}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,952] Trial 91 finished with value: 0.0004360128409876972 and parameters: {'x': 1.9791190794985543}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,958] Trial 92 finished with value: 0.08473387966428424 and parameters: {'x': 1.7089091556501919}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,964] Trial 93 finished with value: 2.6861071563263823 and parameters: {'x': 0.36106523731834206}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,972] Trial 94 finished with value: 0.7109306151205141 and parameters: {'x': 1.1568329850376533}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,979] Trial 95 finished with value: 0.40043294906817223 and parameters: {'x': 2.6327977157577074}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,988] Trial 96 finished with value: 1.3766554298460287 and parameters: {'x': 3.173309605281585}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:41,996] Trial 97 finished with value: 0.012492673829150253 and parameters: {'x': 2.111770630440873}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,004] Trial 98 finished with value: 3.3079530712906715 and parameters: {'x': 0.18122209401733946}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,011] Trial 99 finished with value: 3.167138241057021 and parameters: {'x': 3.779645538037567}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,036] Trial 100 finished with value: 1.147375032679114 and parameters: {'x': 0.9288440670569416}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,042] Trial 101 finished with value: 0.0029999958610137873 and parameters: {'x': 2.0547722179669017}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,047] Trial 102 finished with value: 0.33163969212542177 and parameters: {'x': 1.4241183349633175}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,053] Trial 103 finished with value: 0.013378689296701659 and parameters: {'x': 1.8843337158170037}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,059] Trial 104 finished with value: 0.34512512678763385 and parameters: {'x': 2.5874735115625502}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,065] Trial 105 finished with value: 0.2964154704156261 and parameters: {'x': 1.4555594886347765}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,071] Trial 106 finished with value: 1.5103374989564438 and parameters: {'x': 3.22895789144968}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,077] Trial 107 finished with value: 0.02722973382208911 and parameters: {'x': 2.1650143442919103}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,083] Trial 108 finished with value: 0.684157102713367 and parameters: {'x': 2.8271378982451276}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,089] Trial 109 finished with value: 1.0839080626973558 and parameters: {'x': 0.9588909458191444}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,096] Trial 110 finished with value: 0.0006429348703999686 and parameters: {'x': 1.9746438395966588}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,101] Trial 111 finished with value: 0.1241235682237963 and parameters: {'x': 1.6476882513684843}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,107] Trial 112 finished with value: 0.6585171919462157 and parameters: {'x': 2.811490722033355}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,113] Trial 113 finished with value: 0.08416671556217023 and parameters: {'x': 2.2901150040280065}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,118] Trial 114 finished with value: 1.7288819534599642 and parameters: {'x': 0.6851304424164486}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,124] Trial 115 finished with value: 0.017905109938626044 and parameters: {'x': 1.8661900230228476}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,130] Trial 116 finished with value: 0.16954399870633038 and parameters: {'x': 2.411757208444892}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,135] Trial 117 finished with value: 1.9633232152867248 and parameters: {'x': 3.401186359941719}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,141] Trial 118 finished with value: 0.2388618183357671 and parameters: {'x': 1.5112650837767296}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,147] Trial 119 finished with value: 0.8053163846510186 and parameters: {'x': 1.1026057808014258}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,152] Trial 120 finished with value: 3.2784319413174883 and parameters: {'x': 3.8106440680922047}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,158] Trial 121 finished with value: 0.00010995156327283985 and parameters: {'x': 1.9895142209029162}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,163] Trial 122 finished with value: 0.003592442921365553 and parameters: {'x': 2.059936991260536}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,169] Trial 123 finished with value: 0.008177245467850243 and parameters: {'x': 2.0904281232131368}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,176] Trial 124 finished with value: 0.7954519227012031 and parameters: {'x': 2.8918811146678705}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,182] Trial 125 finished with value: 2.177443318166749 and parameters: {'x': 0.5243837496941324}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,188] Trial 126 finished with value: 0.20111036023234524 and parameters: {'x': 1.5515467022840113}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,194] Trial 127 finished with value: 0.13201715667643105 and parameters: {'x': 2.3633416528233875}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,200] Trial 128 finished with value: 1.3453840114837854 and parameters: {'x': 3.1599068977654134}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,207] Trial 129 finished with value: 0.0069997044013133764 and parameters: {'x': 1.916335763905278}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,213] Trial 130 finished with value: 3.8085842865546 and parameters: {'x': 0.04844055008447157}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,219] Trial 131 finished with value: 0.0035851687887877505 and parameters: {'x': 1.940123720984118}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,225] Trial 132 finished with value: 0.7085052581988266 and parameters: {'x': 1.1582724560768927}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,230] Trial 133 finished with value: 0.4082652593195365 and parameters: {'x': 2.6389563829554694}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,237] Trial 134 finished with value: 0.004100813313142401 and parameters: {'x': 1.935962407031944}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,243] Trial 135 finished with value: 0.23468933520717844 and parameters: {'x': 1.5155525464953103}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,248] Trial 136 finished with value: 0.06163539122948382 and parameters: {'x': 2.2482647603456516}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,254] Trial 137 finished with value: 1.113203460488497 and parameters: {'x': 0.9449154249594505}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,261] Trial 138 finished with value: 0.018229015025298487 and parameters: {'x': 1.864985130354844}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,267] Trial 139 finished with value: 0.3122145435334134 and parameters: {'x': 2.5587616160165383}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,273] Trial 140 finished with value: 2.0040162042466516 and parameters: {'x': 3.4156327928692}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,279] Trial 141 finished with value: 0.3866843327864326 and parameters: {'x': 1.378160524904994}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,286] Trial 142 finished with value: 0.0003880058641666961 and parameters: {'x': 2.019697864457009}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,292] Trial 143 finished with value: 0.0011091906996934802 and parameters: {'x': 2.0333045147043682}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,298] Trial 144 finished with value: 0.7372169392725111 and parameters: {'x': 2.858613381722246}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,304] Trial 145 finished with value: 0.1611319574085882 and parameters: {'x': 2.4014124529814542}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,312] Trial 146 finished with value: 2.090796762119676 and parameters: {'x': 0.5540412308368969}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,319] Trial 147 finished with value: 0.000767168161718416 and parameters: {'x': 2.0276978006657282}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,324] Trial 148 finished with value: 1.0396918271278044 and parameters: {'x': 3.019652797342215}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,331] Trial 149 finished with value: 0.6520570045635777 and parameters: {'x': 1.1924995327781056}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,336] Trial 150 finished with value: 0.27449429046717777 and parameters: {'x': 1.4760779729127838}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,343] Trial 151 finished with value: 0.008982086695869557 and parameters: {'x': 2.0947738713774506}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,349] Trial 152 finished with value: 0.0296026986135257 and parameters: {'x': 1.8279456521516364}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,355] Trial 153 finished with value: 0.2561782234784892 and parameters: {'x': 2.5061405175230385}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,361] Trial 154 finished with value: 0.02123621313112632 and parameters: {'x': 2.1457265011284026}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,368] Trial 155 finished with value: 1.1688640014086218 and parameters: {'x': 0.9188598604211284}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,373] Trial 156 finished with value: 0.1781217056794595 and parameters: {'x': 1.577955327388842}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,379] Trial 157 finished with value: 0.530142454988342 and parameters: {'x': 2.7281088208422846}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,385] Trial 158 finished with value: 0.02543129710359975 and parameters: {'x': 1.8405280679755847}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,391] Trial 159 finished with value: 1.462201284443736 and parameters: {'x': 3.20921515225527}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,397] Trial 160 finished with value: 4.531134621457266 and parameters: {'x': 4.128646194523004}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,404] Trial 161 finished with value: 0.006742135222266989 and parameters: {'x': 2.0821105061625307}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,410] Trial 162 finished with value: 0.15096310580645061 and parameters: {'x': 2.3885397094332195}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,417] Trial 163 finished with value: 0.17287921085535402 and parameters: {'x': 1.5842125412481107}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,424] Trial 164 finished with value: 0.835178419957206 and parameters: {'x': 1.0861190340327653}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,430] Trial 165 finished with value: 0.0024984887770512524 and parameters: {'x': 1.9500151145139728}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,436] Trial 166 finished with value: 0.6168021920915975 and parameters: {'x': 2.7853675522273615}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,443] Trial 167 finished with value: 0.00019256384984347587 and parameters: {'x': 1.98612326227662}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,450] Trial 168 finished with value: 2.7729914231478614 and parameters: {'x': 3.6652301411960635}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,456] Trial 169 finished with value: 1.9632378190303894 and parameters: {'x': 0.5988441132299414}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,462] Trial 170 finished with value: 0.6078557213922307 and parameters: {'x': 1.2203489746096459}. Best is trial 65 with value: 8.332890706068021e-05.\n[I 2023-11-01 05:06:42,468] Trial 171 finished with value: 7.136924761680954e-05 and parameters: {'x': 1.991551967825771}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,474] Trial 172 finished with value: 0.1262287478879417 and parameters: {'x': 2.355286852962422}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,480] Trial 173 finished with value: 0.06220753248306104 and parameters: {'x': 1.7505856209376431}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,486] Trial 174 finished with value: 0.35389046747153946 and parameters: {'x': 2.5948869367128005}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,493] Trial 175 finished with value: 0.010894254343969081 and parameters: {'x': 2.104375544760107}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,499] Trial 176 finished with value: 0.12555264329712928 and parameters: {'x': 1.6456659156994218}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,505] Trial 177 finished with value: 0.808503649170515 and parameters: {'x': 2.8991683097009786}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,511] Trial 178 finished with value: 0.5074496744122211 and parameters: {'x': 1.2876449800750884}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,517] Trial 179 finished with value: 0.13185326341628537 and parameters: {'x': 2.3631160467623062}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,525] Trial 180 finished with value: 0.0008602978069306027 and parameters: {'x': 2.0293308337237557}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,532] Trial 181 finished with value: 0.02881591034883235 and parameters: {'x': 1.8302475026727667}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,538] Trial 182 finished with value: 0.00014344963187906898 and parameters: {'x': 2.0119770460414523}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,545] Trial 183 finished with value: 0.25462973517838006 and parameters: {'x': 1.4953915030656142}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,551] Trial 184 finished with value: 1.4285639588632086 and parameters: {'x': 3.19522548452717}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,557] Trial 185 finished with value: 1.2909277310149958 and parameters: {'x': 0.863809993436399}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,563] Trial 186 finished with value: 0.09714417904368056 and parameters: {'x': 2.311679609605249}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,569] Trial 187 finished with value: 0.4122196699535677 and parameters: {'x': 2.642043355197737}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,575] Trial 188 finished with value: 0.3377519380841017 and parameters: {'x': 1.418835704740818}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,582] Trial 189 finished with value: 0.015068890702860905 and parameters: {'x': 1.877244589924269}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,588] Trial 190 finished with value: 0.013653450432188564 and parameters: {'x': 2.116847980009021}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,595] Trial 191 finished with value: 0.004837081780276263 and parameters: {'x': 2.069549132131726}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,601] Trial 192 finished with value: 0.2849913986057789 and parameters: {'x': 2.5338458565969946}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,607] Trial 193 finished with value: 0.13512488946055787 and parameters: {'x': 1.6324066248413094}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,613] Trial 194 finished with value: 1.0456551821027924 and parameters: {'x': 3.0225728248407506}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,619] Trial 195 finished with value: 0.5424972617254287 and parameters: {'x': 1.2634558657314359}. Best is trial 171 with value: 7.136924761680954e-05.\n[I 2023-11-01 05:06:42,625] Trial 196 finished with value: 3.142017029638187e-05 and parameters: {'x': 2.0056053697733853}. Best is trial 196 with value: 3.142017029638187e-05.\n[I 2023-11-01 05:06:42,631] Trial 197 finished with value: 1.3878919507113319 and parameters: {'x': 0.8219117389977388}. Best is trial 196 with value: 3.142017029638187e-05.\n[I 2023-11-01 05:06:42,639] Trial 198 finished with value: 0.1435450337259533 and parameters: {'x': 2.378873374263689}. Best is trial 196 with value: 3.142017029638187e-05.\n[I 2023-11-01 05:06:42,646] Trial 199 finished with value: 0.022491404076881015 and parameters: {'x': 1.850028655814249}. Best is trial 196 with value: 3.142017029638187e-05.\n\u001b[2Kgenerating gallery for tutorial/10_key_features... [ 20%] 001_first.py\n\u001b[2Kgenerating gallery for tutorial/10_key_features... [ 40%] 002_configurations.py\n[I 2023-11-01 05:06:43,110] A new study created in memory with name: no-name-5a7a1f66-6db9-48bf-8aba-bb4e6de483fd\n[I 2023-11-01 05:06:43,111] A new study created in memory with name: no-name-56a10e9c-81dc-4e71-bd05-451f66cba86f\n[I 2023-11-01 05:06:43,111] A new study created in memory with name: no-name-a835b13d-19ff-449b-bbe7-fdf932fd98fb\n[I 2023-11-01 05:06:43,151] A new study created in memory with name: no-name-35c1346d-2288-455f-83c9-0fed7a6d8803\n[I 2023-11-01 05:06:43,446] Trial 0 finished with value: 0.10526315789473684 and parameters: {'alpha': 0.0002508244777647596}. Best is trial 0 with value: 0.10526315789473684.\n[I 2023-11-01 05:06:43,736] Trial 1 finished with value: 0.39473684210526316 and parameters: {'alpha': 6.808288145579959e-05}. Best is trial 0 with value: 0.10526315789473684.\n[I 2023-11-01 05:06:44,007] Trial 2 finished with value: 0.07894736842105265 and parameters: {'alpha': 9.451932113931475e-05}. Best is trial 2 with value: 0.07894736842105265.\n[I 2023-11-01 05:06:44,287] Trial 3 finished with value: 0.23684210526315785 and parameters: {'alpha': 0.0008329987469189677}. Best is trial 2 with value: 0.07894736842105265.\n[I 2023-11-01 05:06:44,589] Trial 4 finished with value: 0.02631578947368418 and parameters: {'alpha': 0.0017303377445966413}. Best is trial 4 with value: 0.02631578947368418.\n[I 2023-11-01 05:06:44,595] Trial 5 pruned. \n[I 2023-11-01 05:06:44,886] Trial 6 pruned. \n[I 2023-11-01 05:06:45,217] Trial 7 finished with value: 0.07894736842105265 and parameters: {'alpha': 0.005451751842732417}. Best is trial 4 with value: 0.02631578947368418.\n[I 2023-11-01 05:06:45,223] Trial 8 pruned. \n[I 2023-11-01 05:06:45,228] Trial 9 pruned. \n[I 2023-11-01 05:06:45,239] Trial 10 pruned. \n[I 2023-11-01 05:06:45,249] Trial 11 pruned. \n[I 2023-11-01 05:06:45,556] Trial 12 finished with value: 0.02631578947368418 and parameters: {'alpha': 0.0019086282486871589}. Best is trial 4 with value: 0.02631578947368418.\n[I 2023-11-01 05:06:45,567] Trial 13 pruned. \n[I 2023-11-01 05:06:45,578] Trial 14 pruned. \n[I 2023-11-01 05:06:45,588] Trial 15 pruned. \n[I 2023-11-01 05:06:45,899] Trial 16 finished with value: 0.02631578947368418 and parameters: {'alpha': 0.019009170714693373}. Best is trial 4 with value: 0.02631578947368418.\n[I 2023-11-01 05:06:45,911] Trial 17 pruned. \n[I 2023-11-01 05:06:45,922] Trial 18 pruned. \n[I 2023-11-01 05:06:45,932] Trial 19 pruned. \n\u001b[2Kgenerating gallery for tutorial/10_key_features... [ 60%] 003_efficient_optimization_algorithms.py\n\u001b[2Kgenerating gallery for tutorial/10_key_features... [ 80%] 004_distributed.py\n[I 2023-11-01 05:06:46,376] A new study created in memory with name: no-name-3b6e5676-ab2f-4925-849c-e1345847d3e1\n[I 2023-11-01 05:06:46,418] Trial 0 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.6247240713084175, 'bagging_freq': 7, 'min_child_samples': 75}. Best is trial 0 with value: 0.972027972027972.\n[I 2023-11-01 05:06:46,522] Trial 1 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.759195090518222, 'bagging_freq': 2, 'min_child_samples': 19}. Best is trial 0 with value: 0.972027972027972.\n[I 2023-11-01 05:06:46,556] Trial 2 finished with value: 0.958041958041958 and parameters: {'bagging_fraction': 0.4348501673009197, 'bagging_freq': 7, 'min_child_samples': 62}. Best is trial 0 with value: 0.972027972027972.\n[I 2023-11-01 05:06:46,595] Trial 3 finished with value: 0.9790209790209791 and parameters: {'bagging_fraction': 0.8248435466776274, 'bagging_freq': 1, 'min_child_samples': 98}. Best is trial 3 with value: 0.9790209790209791.\n[I 2023-11-01 05:06:46,702] Trial 4 finished with value: 0.958041958041958 and parameters: {'bagging_fraction': 0.899465584480253, 'bagging_freq': 2, 'min_child_samples': 22}. Best is trial 3 with value: 0.9790209790209791.\n[I 2023-11-01 05:06:46,772] Trial 5 finished with value: 0.993006993006993 and parameters: {'bagging_fraction': 0.5100427059120604, 'bagging_freq': 3, 'min_child_samples': 55}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:46,787] Trial 6 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:46,809] Trial 7 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:46,830] Trial 8 pruned. Trial was pruned at iteration 14.\n[I 2023-11-01 05:06:46,867] Trial 9 pruned. Trial was pruned at iteration 18.\n[I 2023-11-01 05:06:46,915] Trial 10 pruned. Trial was pruned at iteration 28.\n[I 2023-11-01 05:06:46,948] Trial 11 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,035] Trial 12 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.9733907188988407, 'bagging_freq': 1, 'min_child_samples': 98}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:47,072] Trial 13 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,114] Trial 14 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,149] Trial 15 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,183] Trial 16 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,221] Trial 17 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,333] Trial 18 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.9905077333938093, 'bagging_freq': 2, 'min_child_samples': 54}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:47,366] Trial 19 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,398] Trial 20 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,483] Trial 21 pruned. Trial was pruned at iteration 70.\n[I 2023-11-01 05:06:47,519] Trial 22 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,555] Trial 23 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,592] Trial 24 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,783] Trial 25 finished with value: 0.9790209790209791 and parameters: {'bagging_fraction': 0.9539760625736883, 'bagging_freq': 1, 'min_child_samples': 5}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:47,818] Trial 26 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,856] Trial 27 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,892] Trial 28 pruned. Trial was pruned at iteration 11.\n[I 2023-11-01 05:06:47,929] Trial 29 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,964] Trial 30 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:47,998] Trial 31 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,040] Trial 32 pruned. Trial was pruned at iteration 18.\n[I 2023-11-01 05:06:48,079] Trial 33 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,115] Trial 34 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,152] Trial 35 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,188] Trial 36 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,224] Trial 37 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,269] Trial 38 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,305] Trial 39 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,350] Trial 40 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,393] Trial 41 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,434] Trial 42 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,495] Trial 43 pruned. Trial was pruned at iteration 18.\n[I 2023-11-01 05:06:48,605] Trial 44 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.8823409487656904, 'bagging_freq': 1, 'min_child_samples': 48}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:48,643] Trial 45 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,683] Trial 46 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,723] Trial 47 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,762] Trial 48 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,802] Trial 49 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,839] Trial 50 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,877] Trial 51 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,918] Trial 52 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:48,962] Trial 53 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,005] Trial 54 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,136] Trial 55 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.973380947872035, 'bagging_freq': 2, 'min_child_samples': 39}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:49,179] Trial 56 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,221] Trial 57 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,262] Trial 58 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,300] Trial 59 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,341] Trial 60 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,388] Trial 61 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,432] Trial 62 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,469] Trial 63 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,508] Trial 64 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,550] Trial 65 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,592] Trial 66 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,632] Trial 67 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,676] Trial 68 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,721] Trial 69 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,767] Trial 70 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,806] Trial 71 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,845] Trial 72 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,891] Trial 73 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,936] Trial 74 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:49,994] Trial 75 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,053] Trial 76 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,101] Trial 77 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,144] Trial 78 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,189] Trial 79 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,229] Trial 80 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,278] Trial 81 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,437] Trial 82 finished with value: 0.9790209790209791 and parameters: {'bagging_fraction': 0.8183457327801615, 'bagging_freq': 3, 'min_child_samples': 22}. Best is trial 5 with value: 0.993006993006993.\n[I 2023-11-01 05:06:50,482] Trial 83 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,524] Trial 84 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,569] Trial 85 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,614] Trial 86 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,653] Trial 87 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,702] Trial 88 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,747] Trial 89 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,787] Trial 90 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,837] Trial 91 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,878] Trial 92 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,927] Trial 93 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:50,977] Trial 94 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:51,020] Trial 95 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:51,068] Trial 96 pruned. Trial was pruned at iteration 21.\n[I 2023-11-01 05:06:51,112] Trial 97 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:51,154] Trial 98 pruned. Trial was pruned at iteration 10.\n[I 2023-11-01 05:06:51,196] Trial 99 pruned. Trial was pruned at iteration 10.\n\u001b[2Kgenerating gallery for tutorial/10_key_features... [100%] 005_visualization.py\n[I 2023-11-01 05:06:52,943] A new study created in RDB with name: example-study\n[I 2023-11-01 05:06:53,027] Trial 0 finished with value: 23.447286219971122 and parameters: {'x': 6.84223979372884}. Best is trial 0 with value: 23.447286219971122.\n[I 2023-11-01 05:06:53,081] Trial 1 finished with value: 13.57184822275515 and parameters: {'x': 5.683998944456302}. Best is trial 1 with value: 13.57184822275515.\n[I 2023-11-01 05:06:53,130] Trial 2 finished with value: 16.821003496459884 and parameters: {'x': 6.101341670290331}. Best is trial 1 with value: 13.57184822275515.\n[I 2023-11-01 05:06:53,174] Using an existing study with name 'example-study' instead of creating a new one.\n[I 2023-11-01 05:06:53,254] Trial 3 finished with value: 112.4283696077913 and parameters: {'x': -8.603224491058901}. Best is trial 1 with value: 13.57184822275515.\n[I 2023-11-01 05:06:53,306] Trial 4 finished with value: 49.10820865830056 and parameters: {'x': -5.007724927414072}. Best is trial 1 with value: 13.57184822275515.\n[I 2023-11-01 05:06:53,359] Trial 5 finished with value: 7.011359018822607 and parameters: {'x': -0.6478970936995658}. Best is trial 5 with value: 7.011359018822607.\n[I 2023-11-01 05:06:53,403] Using an existing study with name 'example-study' instead of creating a new one.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 8%] 001_rdb.py\n[I 2023-11-01 05:06:54,332] A new study created in memory with name: no-name-7af9d90c-9ef8-454d-a434-07a03322de31\n[I 2023-11-01 05:07:06,898] Trial 0 finished with values: [76224.0, 0.59375] and parameters: {'n_layers': 1, 'n_units_l0': 96, 'dropout_0': 0.25733888703721564, 'lr': 3.0223642095031352e-05}. \n[I 2023-11-01 05:07:13,953] Trial 1 finished with values: [31247.0, 0.6890625] and parameters: {'n_layers': 2, 'n_units_l0': 33, 'dropout_0': 0.4341398614103612, 'n_units_l1': 125, 'dropout_1': 0.2791360160838666, 'lr': 0.00038268617271110646}. \n[I 2023-11-01 05:07:21,118] Trial 2 finished with values: [28328.0, 0.76484375] and parameters: {'n_layers': 3, 'n_units_l0': 28, 'dropout_0': 0.2746430908497238, 'n_units_l1': 118, 'dropout_1': 0.21243633975837345, 'n_units_l2': 24, 'dropout_2': 0.3770560956304744, 'lr': 0.003101371079304843}. \n[I 2023-11-01 05:07:28,315] Trial 3 finished with values: [44998.0, 0.57109375] and parameters: {'n_layers': 2, 'n_units_l0': 48, 'dropout_0': 0.38551658167368974, 'n_units_l1': 127, 'dropout_1': 0.4732874091078886, 'lr': 0.04035652026579389}. \n[I 2023-11-01 05:07:35,668] Trial 4 finished with values: [114930.0, 0.51328125] and parameters: {'n_layers': 3, 'n_units_l0': 120, 'dropout_0': 0.31461615456914355, 'n_units_l1': 95, 'dropout_1': 0.33383923913591085, 'n_units_l2': 90, 'dropout_2': 0.22508476546280012, 'lr': 0.036468518813819815}. \n[I 2023-11-01 05:07:42,692] Trial 5 finished with values: [101632.0, 0.83984375] and parameters: {'n_layers': 1, 'n_units_l0': 128, 'dropout_0': 0.3809787835038041, 'lr': 0.002463326857184871}. \n[I 2023-11-01 05:07:49,706] Trial 6 finished with values: [92898.0, 0.84609375] and parameters: {'n_layers': 1, 'n_units_l0': 117, 'dropout_0': 0.4486066510124712, 'lr': 0.0047467805649411}. \n[I 2023-11-01 05:07:56,652] Trial 7 finished with values: [29690.0, 0.53828125] and parameters: {'n_layers': 2, 'n_units_l0': 35, 'dropout_0': 0.3049976320521924, 'n_units_l1': 50, 'dropout_1': 0.42755196744832497, 'lr': 4.6294508353433405e-05}. \n[I 2023-11-01 05:08:03,836] Trial 8 finished with values: [100520.0, 0.8078125] and parameters: {'n_layers': 2, 'n_units_l0': 110, 'dropout_0': 0.25317680504721596, 'n_units_l1': 119, 'dropout_1': 0.2505667973902929, 'lr': 0.014046586297212263}. \n[I 2023-11-01 05:08:11,104] Trial 9 finished with values: [77517.0, 0.66640625] and parameters: {'n_layers': 3, 'n_units_l0': 78, 'dropout_0': 0.33076301829541666, 'n_units_l1': 125, 'dropout_1': 0.2551346282217414, 'n_units_l2': 49, 'dropout_2': 0.4937211686179993, 'lr': 0.0002604548809903621}. \n[I 2023-11-01 05:08:18,102] Trial 10 finished with values: [99250.0, 0.4328125] and parameters: {'n_layers': 1, 'n_units_l0': 125, 'dropout_0': 0.22387383346762751, 'lr': 1.0202300736918095e-05}. \n[I 2023-11-01 05:08:25,125] Trial 11 finished with values: [69663.0, 0.690625] and parameters: {'n_layers': 2, 'n_units_l0': 87, 'dropout_0': 0.40751903335681317, 'n_units_l1': 15, 'dropout_1': 0.3263429757477647, 'lr': 0.0003051207906300801}. \n[I 2023-11-01 05:08:32,102] Trial 12 finished with values: [45258.0, 0.7890625] and parameters: {'n_layers': 1, 'n_units_l0': 57, 'dropout_0': 0.2680849571908931, 'lr': 0.00048034288341022434}. \n[I 2023-11-01 05:08:39,258] Trial 13 finished with values: [69055.0, 0.78046875] and parameters: {'n_layers': 3, 'n_units_l0': 75, 'dropout_0': 0.2561276392583786, 'n_units_l1': 61, 'dropout_1': 0.4926511192889931, 'n_units_l2': 80, 'dropout_2': 0.3483740360394225, 'lr': 0.008237576352938565}. \n[I 2023-11-01 05:08:46,099] Trial 14 finished with values: [37318.0, 0.83125] and parameters: {'n_layers': 1, 'n_units_l0': 47, 'dropout_0': 0.4828360517551172, 'lr': 0.009431169942545113}. \n[I 2023-11-01 05:08:53,323] Trial 15 finished with values: [80123.0, 0.31484375] and parameters: {'n_layers': 2, 'n_units_l0': 99, 'dropout_0': 0.31868835747805624, 'n_units_l1': 23, 'dropout_1': 0.39580020035927377, 'lr': 0.07139558495620445}. \n[I 2023-11-01 05:09:00,246] Trial 16 finished with values: [51610.0, 0.6140625] and parameters: {'n_layers': 1, 'n_units_l0': 65, 'dropout_0': 0.22102149423447434, 'lr': 0.07125672560425499}. \n[I 2023-11-01 05:09:07,476] Trial 17 finished with values: [11630.0, 0.38203125] and parameters: {'n_layers': 3, 'n_units_l0': 11, 'dropout_0': 0.3309569005634048, 'n_units_l1': 31, 'dropout_1': 0.38203115475931115, 'n_units_l2': 65, 'dropout_2': 0.34754201364465376, 'lr': 0.019683411195722506}. \n[I 2023-11-01 05:09:14,362] Trial 18 finished with values: [81782.0, 0.70703125] and parameters: {'n_layers': 1, 'n_units_l0': 103, 'dropout_0': 0.3331630606595988, 'lr': 0.00010732187942040558}. \n[I 2023-11-01 05:09:21,494] Trial 19 finished with values: [108708.0, 0.20078125] and parameters: {'n_layers': 3, 'n_units_l0': 118, 'dropout_0': 0.44407223871438084, 'n_units_l1': 86, 'dropout_1': 0.44444612995160776, 'n_units_l2': 63, 'dropout_2': 0.26756625479292206, 'lr': 0.08247226355167189}. \n[I 2023-11-01 05:09:28,415] Trial 20 finished with values: [11880.0, 0.51875] and parameters: {'n_layers': 3, 'n_units_l0': 12, 'dropout_0': 0.3413217778873291, 'n_units_l1': 26, 'dropout_1': 0.3707991993265978, 'n_units_l2': 60, 'dropout_2': 0.43898496212795646, 'lr': 0.0003985255406813439}. \n[I 2023-11-01 05:09:35,495] Trial 21 finished with values: [64188.0, 0.7984375] and parameters: {'n_layers': 3, 'n_units_l0': 64, 'dropout_0': 0.23311968870615576, 'n_units_l1': 122, 'dropout_1': 0.3217855818472287, 'n_units_l2': 47, 'dropout_2': 0.3300464335713975, 'lr': 0.004030780175582505}. \n[I 2023-11-01 05:09:42,417] Trial 22 finished with values: [82880.0, 0.3703125] and parameters: {'n_layers': 2, 'n_units_l0': 98, 'dropout_0': 0.3797053797755924, 'n_units_l1': 56, 'dropout_1': 0.4937160703219694, 'lr': 1.62127855069063e-05}. \n[I 2023-11-01 05:09:49,335] Trial 23 finished with values: [23700.0, 0.7890625] and parameters: {'n_layers': 2, 'n_units_l0': 28, 'dropout_0': 0.22631704362055913, 'n_units_l1': 46, 'dropout_1': 0.2906625591685706, 'lr': 0.0015361714420694891}. \n[I 2023-11-01 05:09:56,250] Trial 24 finished with values: [11953.0, 0.41953125] and parameters: {'n_layers': 3, 'n_units_l0': 12, 'dropout_0': 0.46715464658984374, 'n_units_l1': 31, 'dropout_1': 0.3823362535396546, 'n_units_l2': 53, 'dropout_2': 0.4647643933160363, 'lr': 0.00014879630671272935}. \n[I 2023-11-01 05:10:03,073] Trial 25 finished with values: [21572.0, 0.775] and parameters: {'n_layers': 2, 'n_units_l0': 26, 'dropout_0': 0.2548656424149304, 'n_units_l1': 33, 'dropout_1': 0.29801371595162207, 'lr': 0.01159727195117955}. \n[I 2023-11-01 05:10:09,874] Trial 26 finished with values: [67490.0, 0.8171875] and parameters: {'n_layers': 1, 'n_units_l0': 85, 'dropout_0': 0.4692035968550705, 'lr': 0.0012360802468979974}. \n[I 2023-11-01 05:10:16,769] Trial 27 finished with values: [26775.0, 0.65703125] and parameters: {'n_layers': 2, 'n_units_l0': 33, 'dropout_0': 0.33393699536374455, 'n_units_l1': 21, 'dropout_1': 0.45788185006107746, 'lr': 0.0003069713065581492}. \n[I 2023-11-01 05:10:23,792] Trial 28 finished with values: [96074.0, 0.76484375] and parameters: {'n_layers': 1, 'n_units_l0': 121, 'dropout_0': 0.40558756746356184, 'lr': 0.0002453471601037613}. \n[I 2023-11-01 05:10:30,869] Trial 29 finished with values: [5696.0, 0.478125] and parameters: {'n_layers': 2, 'n_units_l0': 6, 'dropout_0': 0.3098744730324356, 'n_units_l1': 62, 'dropout_1': 0.4673088168442254, 'lr': 0.0001070989178124053}. \n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 17%] 002_multi_objective.py\n[I 2023-11-01 05:10:31,831] A new study created in RDB with name: no-name-59dbff7b-e5f6-482b-974c-5a1a8af09952\n[I 2023-11-01 05:10:31,999] Trial 0 finished with value: 0.019999999999999907 and parameters: {'svc_c': 9.452453176445061}. Best is trial 0 with value: 0.019999999999999907.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 25%] 003_attributes.py\n[I 2023-11-01 05:10:32,273] A new study created in memory with name: no-name-1e498018-a6ec-4513-b940-dc1b5ccaaa0a\n[I 2023-11-01 05:10:32,274] Trial 0 finished with value: 25.915230316552243 and parameters: {'x': 7.0907003758375176}. Best is trial 0 with value: 25.915230316552243.\n[I 2023-11-01 05:10:32,275] Trial 1 finished with value: 58.014587827233804 and parameters: {'x': -5.616730783428925}. Best is trial 0 with value: 25.915230316552243.\n[I 2023-11-01 05:10:32,275] Trial 2 finished with value: 0.513221381133008 and parameters: {'x': 2.716394710430645}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,276] Trial 3 finished with value: 94.71056064945566 and parameters: {'x': -7.731935092747775}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,277] Trial 4 finished with value: 35.25598342741927 and parameters: {'x': -3.9376749176272074}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,277] Trial 5 finished with value: 25.95290680415889 and parameters: {'x': 7.094399552857912}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,278] Trial 6 finished with value: 2.788644533166135 and parameters: {'x': 0.3300764888276664}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,278] Trial 7 finished with value: 52.07774511920378 and parameters: {'x': -5.216491191652892}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,279] Trial 8 finished with value: 6.0424630578109655 and parameters: {'x': -0.4581421964180521}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,280] Trial 9 finished with value: 1.6515314353637947 and parameters: {'x': 0.714880769981324}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,286] Trial 10 finished with value: 50.04940121255442 and parameters: {'x': 9.074560142691164}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,292] Trial 11 finished with value: 0.5826440524998421 and parameters: {'x': 2.7633112422202637}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,297] Trial 12 finished with value: 3.726846365889009 and parameters: {'x': 3.930504174014915}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,302] Trial 13 finished with value: 1.2185582134429305 and parameters: {'x': 3.1038832426678695}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,308] Trial 14 finished with value: 139.288477283723 and parameters: {'x': -9.802053943433872}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,313] Trial 15 finished with value: 2.4194553515128536 and parameters: {'x': 3.555459852105754}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,319] Trial 16 finished with value: 15.706235849172673 and parameters: {'x': -1.9631093662896402}. Best is trial 2 with value: 0.513221381133008.\n[I 2023-11-01 05:10:32,325] Trial 17 finished with value: 0.18053115578382722 and parameters: {'x': 2.42488958069577}. Best is trial 17 with value: 0.18053115578382722.\n[I 2023-11-01 05:10:32,330] Trial 18 finished with value: 12.172740613475474 and parameters: {'x': 5.488945487317833}. Best is trial 17 with value: 0.18053115578382722.\n[I 2023-11-01 05:10:32,335] Trial 19 finished with value: 0.31941331206646834 and parameters: {'x': 1.4348333767228745}. Best is trial 17 with value: 0.18053115578382722.\n[I 2023-11-01 05:10:32,341] Trial 20 finished with value: 19.172908644526785 and parameters: {'x': -2.3786880049310186}. Best is trial 17 with value: 0.18053115578382722.\n[I 2023-11-01 05:10:32,346] Trial 21 finished with value: 0.021914773001275246 and parameters: {'x': 1.8519636091993754}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,352] Trial 22 finished with value: 0.31059922185370276 and parameters: {'x': 1.4426857063974559}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,360] Trial 23 finished with value: 10.291781864214203 and parameters: {'x': -1.208080713481848}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,366] Trial 24 finished with value: 0.6859351078548462 and parameters: {'x': 1.1717880054872145}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,371] Trial 25 finished with value: 0.08868403232011683 and parameters: {'x': 1.702201356080796}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,377] Trial 26 finished with value: 8.490981884631248 and parameters: {'x': 4.913928942961933}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,382] Trial 27 finished with value: 6.504657006047785 and parameters: {'x': -0.5504229072935698}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,388] Trial 28 finished with value: 0.20086572484190793 and parameters: {'x': 1.5518195398704804}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,393] Trial 29 finished with value: 0.04296889806378169 and parameters: {'x': 2.207289406540184}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,399] Trial 30 finished with value: 8.066345392759196 and parameters: {'x': 4.840131228087744}. Best is trial 21 with value: 0.021914773001275246.\n[I 2023-11-01 05:10:32,404] Trial 31 finished with value: 0.003019476771799735 and parameters: {'x': 2.0549497658939484}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,410] Trial 32 finished with value: 4.8097120981424 and parameters: {'x': -0.19310558299011227}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,415] Trial 33 finished with value: 0.03561395272950528 and parameters: {'x': 2.1887165936782065}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,421] Trial 34 finished with value: 3.9682511013490243 and parameters: {'x': 3.9920469626364294}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,427] Trial 35 finished with value: 0.16133409431323872 and parameters: {'x': 2.40166415612205}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,432] Trial 36 finished with value: 18.457967443236978 and parameters: {'x': 6.296273669499765}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,438] Trial 37 finished with value: 2.5510707213995683 and parameters: {'x': 0.4027928370434948}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,444] Trial 38 finished with value: 4.782932723166224 and parameters: {'x': 4.186991706240841}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,450] Trial 39 finished with value: 0.3436154546517257 and parameters: {'x': 2.5861872180896865}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,455] Trial 40 finished with value: 27.770357099759643 and parameters: {'x': -3.2697587325948465}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,461] Trial 41 finished with value: 0.016236497193991208 and parameters: {'x': 1.8725774855294748}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,468] Trial 42 finished with value: 2.356035645893576 and parameters: {'x': 0.46506168010125704}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,474] Trial 43 finished with value: 0.014904207118446476 and parameters: {'x': 2.122082787969666}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,480] Trial 44 finished with value: 2.490584902193526 and parameters: {'x': 3.578158706275616}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,486] Trial 45 finished with value: 1.0655572386156282 and parameters: {'x': 0.9677416802875219}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,491] Trial 46 finished with value: 0.9217239490934929 and parameters: {'x': 2.9600645546490574}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,497] Trial 47 finished with value: 4.17111434553502 and parameters: {'x': -0.042330616118511966}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,503] Trial 48 finished with value: 0.009705968616308095 and parameters: {'x': 2.098518874416571}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,509] Trial 49 finished with value: 8.868027136913227 and parameters: {'x': -0.9779232926509756}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,515] Trial 50 finished with value: 1.4230771442259422 and parameters: {'x': 3.1929279710971414}. Best is trial 31 with value: 0.003019476771799735.\n[I 2023-11-01 05:10:32,520] Trial 51 finished with value: 0.0019950342238028392 and parameters: {'x': 2.0446658059795504}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,526] Trial 52 finished with value: 1.9694071804401496 and parameters: {'x': 0.5966443143521492}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,532] Trial 53 finished with value: 0.05044466871673954 and parameters: {'x': 1.7754010936875704}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,537] Trial 54 finished with value: 0.8099853587088279 and parameters: {'x': 2.8999918659125914}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,543] Trial 55 finished with value: 3.097041017984251 and parameters: {'x': 3.7598411911261342}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,548] Trial 56 finished with value: 0.6639945927868676 and parameters: {'x': 1.1851413663788868}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,554] Trial 57 finished with value: 3.2516648986486167 and parameters: {'x': 0.19676266158649636}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,560] Trial 58 finished with value: 7.230126654701611 and parameters: {'x': 4.688889483541786}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,566] Trial 59 finished with value: 1.1804290117753942 and parameters: {'x': 0.9135245001494998}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,571] Trial 60 finished with value: 0.03683159459031074 and parameters: {'x': 1.8080844076415084}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,578] Trial 61 finished with value: 0.06990621876539176 and parameters: {'x': 2.264397841831948}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,584] Trial 62 finished with value: 0.0028181779856849983 and parameters: {'x': 2.0530865141602366}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,590] Trial 63 finished with value: 1.5101144543567797 and parameters: {'x': 3.228867142679297}. Best is trial 51 with value: 0.0019950342238028392.\n[I 2023-11-01 05:10:32,596] Trial 64 finished with value: 0.0014613723250412928 and parameters: {'x': 1.9617721001748554}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,602] Trial 65 finished with value: 1.4442420773647384 and parameters: {'x': 3.201766232411586}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,607] Trial 66 finished with value: 0.9755552288310754 and parameters: {'x': 1.0122980060610005}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,613] Trial 67 finished with value: 0.41081438773109186 and parameters: {'x': 2.640948038245763}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,619] Trial 68 finished with value: 0.09969678338466914 and parameters: {'x': 1.6842520255256272}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,624] Trial 69 finished with value: 6.516094133714949 and parameters: {'x': -0.552664124736145}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,630] Trial 70 finished with value: 5.280961681673593 and parameters: {'x': 4.298034308202032}. Best is trial 64 with value: 0.0014613723250412928.\n[I 2023-11-01 05:10:32,636] Trial 71 finished with value: 0.0003474556938231585 and parameters: {'x': 2.018640163460205}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,642] Trial 72 finished with value: 0.001895599226087367 and parameters: {'x': 2.0435384798320677}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,647] Trial 73 finished with value: 2.320524355088325 and parameters: {'x': 3.523326739438498}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,653] Trial 74 finished with value: 0.1555044358955113 and parameters: {'x': 2.3943405075509125}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,659] Trial 75 finished with value: 0.42564719605890144 and parameters: {'x': 1.3475835715902753}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,665] Trial 76 finished with value: 1.6333142884369265 and parameters: {'x': 0.7219881501187375}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,670] Trial 77 finished with value: 0.8348897435859222 and parameters: {'x': 2.9137230125075773}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,676] Trial 78 finished with value: 0.0006539707099462197 and parameters: {'x': 2.0255728510328086}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,682] Trial 79 finished with value: 3.654837713968637 and parameters: {'x': 0.08823701417549223}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,688] Trial 80 finished with value: 0.4404293226039008 and parameters: {'x': 1.3363515067417837}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,696] Trial 81 finished with value: 0.04249185848358659 and parameters: {'x': 2.206135534257407}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,702] Trial 82 finished with value: 0.5485498930520999 and parameters: {'x': 2.7406415415382126}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,708] Trial 83 finished with value: 0.00608936716416255 and parameters: {'x': 1.9219656026859786}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,714] Trial 84 finished with value: 1.8200674434394324 and parameters: {'x': 0.6509012477066654}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,719] Trial 85 finished with value: 0.20442608027484807 and parameters: {'x': 1.5478649756158587}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,725] Trial 86 finished with value: 2.621039225179976 and parameters: {'x': 3.618962391527356}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,731] Trial 87 finished with value: 0.00933519634943961 and parameters: {'x': 2.096618819851205}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,737] Trial 88 finished with value: 0.19921259719678736 and parameters: {'x': 2.4463323842124693}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,743] Trial 89 finished with value: 0.9147911684570397 and parameters: {'x': 1.0435528407397303}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,749] Trial 90 finished with value: 0.01607726800132403 and parameters: {'x': 1.8732038328602791}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,755] Trial 91 finished with value: 0.0050703297970884674 and parameters: {'x': 2.0712062483008933}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,760] Trial 92 finished with value: 0.7629464905939917 and parameters: {'x': 2.8734680821838836}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,766] Trial 93 finished with value: 0.4751017486675177 and parameters: {'x': 1.3107237501063034}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,772] Trial 94 finished with value: 2.2689435843738197 and parameters: {'x': 0.4936987073052683}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,778] Trial 95 finished with value: 1.9214402514401683 and parameters: {'x': 3.3861602546026806}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,784] Trial 96 finished with value: 0.000595729877721644 and parameters: {'x': 1.9755924217153433}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,791] Trial 97 finished with value: 4.768039901103679 and parameters: {'x': 4.183584186859687}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,798] Trial 98 finished with value: 0.4601887869514822 and parameters: {'x': 2.678372159622933}. Best is trial 71 with value: 0.0003474556938231585.\n[I 2023-11-01 05:10:32,804] Trial 99 finished with value: 0.2185772010167826 and parameters: {'x': 1.5324775930323953}. Best is trial 71 with value: 0.0003474556938231585.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 33%] 004_cli.py\n[I 2023-11-01 05:10:33,047] A new study created in memory with name: no-name-49c99a31-3bd2-4077-8b79-5d632190fc36\n[I 2023-11-01 05:10:33,048] Trial 0 finished with value: 41.37845656956571 and parameters: {'x': 6.729620359290152, 'y': -3.9093336106068053}. Best is trial 0 with value: 41.37845656956571.\n[I 2023-11-01 05:10:33,049] Trial 1 finished with value: 29.05339369170658 and parameters: {'x': 5.766346297724699, 'y': -4.197355933576759}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,050] Trial 2 finished with value: 48.93717865485316 and parameters: {'x': 7.241482827766296, 'y': -3.501894889980991}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,051] Trial 3 finished with value: 38.524946283521885 and parameters: {'x': 6.522850992699908, 'y': -4.02263878944429}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,052] Trial 4 finished with value: 69.04638359592593 and parameters: {'x': 8.515714168907225, 'y': -3.4710042106013317}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,053] Trial 5 finished with value: 58.013597310991415 and parameters: {'x': 7.882299430705022, 'y': -4.1170470043012894}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,054] Trial 6 finished with value: 33.12804532546675 and parameters: {'x': 6.033274416772244, 'y': -3.2723548626117056}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,055] Trial 7 finished with value: 60.56855058695385 and parameters: {'x': 7.971907176289005, 'y': -2.982753440414283}. Best is trial 1 with value: 29.05339369170658.\n[I 2023-11-01 05:10:33,057] Trial 8 finished with value: 19.518682554337268 and parameters: {'x': 4.869340404250671, 'y': -4.1917934181308265}. Best is trial 8 with value: 19.518682554337268.\n[I 2023-11-01 05:10:33,058] Trial 9 finished with value: 7.562878063472277 and parameters: {'x': 3.342354398609741, 'y': -3.6084548624336064}. Best is trial 9 with value: 7.562878063472277.\n[I 2023-11-01 05:10:33,060] Trial 10 finished with value: 9.32177726966869 and parameters: {'x': 3.7316855463895746, 'y': -4.603699747464167}. Best is trial 9 with value: 7.562878063472277.\n[I 2023-11-01 05:10:33,062] Trial 11 finished with value: -1.023073759821524 and parameters: {'x': 1.8118931398330465, 'y': -4.30603050999558}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,063] Trial 12 finished with value: 5.868438133987599 and parameters: {'x': 3.167852733127188, 'y': -4.1668528047937965}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,065] Trial 13 finished with value: 5.989918006369679 and parameters: {'x': 3.2839112090943257, 'y': -4.794154822845677}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,067] Trial 14 finished with value: 23.058737733410005 and parameters: {'x': 5.22913441157538, 'y': -4.285108960911793}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,069] Trial 15 finished with value: 12.407113233505818 and parameters: {'x': 4.139725915466551, 'y': -4.730217421679554}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,071] Trial 16 finished with value: 15.138300006499254 and parameters: {'x': 4.449995999918412, 'y': -4.664164392790618}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,072] Trial 17 finished with value: 24.23264134893212 and parameters: {'x': 5.401867859892334, 'y': -4.947535026805671}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,074] Trial 18 finished with value: 18.093797019147573 and parameters: {'x': 4.708707365060068, 'y': -4.078128030623354}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,077] Trial 19 finished with value: 12.725060441864734 and parameters: {'x': 4.03571614717236, 'y': -3.5619443786829885}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,079] Trial 20 finished with value: 20.22905363336897 and parameters: {'x': 4.914224867889226, 'y': -3.920552418811911}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,081] Trial 21 finished with value: 30.723189102153103 and parameters: {'x': 5.872462411949654, 'y': -3.7626256776084377}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,083] Trial 22 finished with value: 24.226416937548827 and parameters: {'x': 5.3973751010426465, 'y': -4.90524104380629}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,085] Trial 23 finished with value: 8.697185967180001 and parameters: {'x': 3.5641032905249483, 'y': -4.005646298350763}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,087] Trial 24 finished with value: 3.8839223900442907 and parameters: {'x': 2.6263891050665245, 'y': -3.013997341167849}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,090] Trial 25 finished with value: 1.3311230853312606 and parameters: {'x': 1.9304728609319197, 'y': -2.3956023814634104}. Best is trial 11 with value: -1.023073759821524.\n[I 2023-11-01 05:10:33,092] Trial 26 finished with value: -1.697196252797666 and parameters: {'x': 0.4372946670414646, 'y': -1.8884228786205715}. Best is trial 26 with value: -1.697196252797666.\n[I 2023-11-01 05:10:33,095] Trial 27 finished with value: 0.13348514499652198 and parameters: {'x': 1.3491542733786577, 'y': -1.6867321083793718}. Best is trial 26 with value: -1.697196252797666.\n[I 2023-11-01 05:10:33,097] Trial 28 finished with value: 1.9466417470556274 and parameters: {'x': 1.9314311193388154, 'y': -1.7837844216947618}. Best is trial 26 with value: -1.697196252797666.\n[I 2023-11-01 05:10:33,100] Trial 29 finished with value: 1.4343631754755488 and parameters: {'x': 1.640538404015498, 'y': -1.2570030795741685}. Best is trial 26 with value: -1.697196252797666.\n[I 2023-11-01 05:10:33,103] Trial 30 finished with value: -2.0763435037143942 and parameters: {'x': 0.3666552297763015, 'y': -2.2107795612367065}. Best is trial 30 with value: -2.0763435037143942.\n[I 2023-11-01 05:10:33,106] Trial 31 finished with value: -2.2031476703024317 and parameters: {'x': -0.2722549505762746, 'y': -2.2772704284157212}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,109] Trial 32 finished with value: -1.1658052313979312 and parameters: {'x': -0.7491627819771978, 'y': -1.7270501052977456}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,113] Trial 33 finished with value: -1.121826924352579 and parameters: {'x': 0.9805680116197317, 'y': -2.0833405497644533}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,116] Trial 34 finished with value: -0.9707139714982231 and parameters: {'x': 1.4205570818206459, 'y': -2.9886963942090126}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,119] Trial 35 finished with value: -2.1913572120784193 and parameters: {'x': -0.10064969439449456, 'y': -2.2014875730601244}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,122] Trial 36 finished with value: -0.7482831977890227 and parameters: {'x': 1.1357361963441703, 'y': -2.0381799054753467}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,125] Trial 37 finished with value: 5.0279412971424815 and parameters: {'x': 2.665594229384823, 'y': -2.077451298587188}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,128] Trial 38 finished with value: -1.3752688565759872 and parameters: {'x': -0.4808267701030928, 'y': -1.6064632394237597}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,131] Trial 39 finished with value: -1.620583907905104 and parameters: {'x': 0.9559680805177044, 'y': -2.5344588788738083}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,135] Trial 40 finished with value: -2.0380175799665934 and parameters: {'x': 1.009721002781812, 'y': -3.0575540834253014}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,138] Trial 41 finished with value: 2.1544342280763704 and parameters: {'x': 2.293299667977895, 'y': -3.104789139071153}. Best is trial 31 with value: -2.2031476703024317.\n[I 2023-11-01 05:10:33,142] Trial 42 finished with value: -2.6414167834056133 and parameters: {'x': 0.5204636971265413, 'y': -2.9122992434322414}. Best is trial 42 with value: -2.6414167834056133.\n[I 2023-11-01 05:10:33,146] Trial 43 finished with value: -2.9947741612037304 and parameters: {'x': -0.5027665911332924, 'y': -3.2475484063635216}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,150] Trial 44 finished with value: -1.6940559808068447 and parameters: {'x': -1.0113698566922333, 'y': -2.7169249678325134}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,153] Trial 45 finished with value: 3.200773892829993 and parameters: {'x': -2.456911006807861, 'y': -2.835637802543623}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,157] Trial 46 finished with value: -1.961753910831446 and parameters: {'x': 1.2544277298278508, 'y': -3.5353428401925013}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,161] Trial 47 finished with value: -1.2755967580659513 and parameters: {'x': -1.2990721291273348, 'y': -2.963185154741378}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,165] Trial 48 finished with value: 2.6245205063598998 and parameters: {'x': -2.251501028048538, 'y': -2.4447363729437233}. Best is trial 43 with value: -2.9947741612037304.\n[I 2023-11-01 05:10:33,169] Trial 49 finished with value: -3.5204979954283475 and parameters: {'x': 0.8441087162191998, 'y': -4.233017520225573}. Best is trial 49 with value: -3.5204979954283475.\n[I 2023-11-01 05:10:33,173] Trial 50 finished with value: -4.161201005770976 and parameters: {'x': -0.1603343006871687, 'y': -4.186908093747819}. Best is trial 50 with value: -4.161201005770976.\n[I 2023-11-01 05:10:33,177] Trial 51 finished with value: -1.1334106445419447 and parameters: {'x': -1.7841457941999992, 'y': -4.316586859503491}. Best is trial 50 with value: -4.161201005770976.\n[I 2023-11-01 05:10:33,181] Trial 52 finished with value: -4.428713369586269 and parameters: {'x': -0.26245185550107264, 'y': -4.497594346042225}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,185] Trial 53 finished with value: -3.9851105945948437 and parameters: {'x': 0.33411231319181045, 'y': -4.096741632421226}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,190] Trial 54 finished with value: -4.00365095452416 and parameters: {'x': 0.7702194095864883, 'y': -4.596888893427918}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,194] Trial 55 finished with value: 1.2098640497183766 and parameters: {'x': 2.249958553353035, 'y': -3.852449442088105}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,199] Trial 56 finished with value: 1.1055999187482746 and parameters: {'x': 2.3667847596100735, 'y': -4.496070179574239}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,204] Trial 57 finished with value: -4.070529136868445 and parameters: {'x': -0.8147534715685896, 'y': -4.734352356301514}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,209] Trial 58 finished with value: -3.1395313702816754 and parameters: {'x': -0.8657011162159027, 'y': -3.888969792899135}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,214] Trial 59 finished with value: -4.379864863778126 and parameters: {'x': 0.04449088253255562, 'y': -4.381844302406652}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,220] Trial 60 finished with value: -3.9729940006180393 and parameters: {'x': 0.29654858192991185, 'y': -4.060935062062681}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,225] Trial 61 finished with value: -3.4088169787720104 and parameters: {'x': -0.3371500105653298, 'y': -3.5224871083962124}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,231] Trial 62 finished with value: -2.751305545312304 and parameters: {'x': -1.2281833185608875, 'y': -4.259739809303539}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,236] Trial 63 finished with value: -1.0526860598448629 and parameters: {'x': 1.6696524477922003, 'y': -3.8404253562633492}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,240] Trial 64 finished with value: -3.358970226485784 and parameters: {'x': -0.9055088918456997, 'y': -4.178916579697411}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,246] Trial 65 finished with value: -3.3619109342180495 and parameters: {'x': 1.1084017090449643, 'y': -4.590465282831847}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,251] Trial 66 finished with value: -0.7783477619583343 and parameters: {'x': -1.826012990364967, 'y': -4.112671202939943}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,256] Trial 67 finished with value: -3.9595177162741786 and parameters: {'x': 0.08103529105356477, 'y': -3.9660844346703144}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,261] Trial 68 finished with value: 0.659578210699451 and parameters: {'x': 2.036284153548783, 'y': -3.4868749432944317}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,267] Trial 69 finished with value: -4.273286857436882 and parameters: {'x': 0.4642275772611253, 'y': -4.488794100926616}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,272] Trial 70 finished with value: -0.825521339427147 and parameters: {'x': -1.738878245292986, 'y': -3.849218891380361}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,278] Trial 71 finished with value: -3.557207794569008 and parameters: {'x': -0.35466645560120247, 'y': -3.6829960892977276}. Best is trial 52 with value: -4.428713369586269.\n[I 2023-11-01 05:10:33,284] Trial 72 finished with value: -4.8626913893245485 and parameters: {'x': 0.12374626755358165, 'y': -4.878004528057991}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,289] Trial 73 finished with value: -3.776021373032594 and parameters: {'x': -0.5723672241253501, 'y': -4.103625612285553}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,295] Trial 74 finished with value: -4.247822801644699 and parameters: {'x': 0.0919356912571172, 'y': -4.256274972971624}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,301] Trial 75 finished with value: -1.4515571970916987 and parameters: {'x': -1.727942336946053, 'y': -4.437341916902286}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,306] Trial 76 finished with value: -1.7451724658866365 and parameters: {'x': 1.7745115121960802, 'y': -4.894063572803056}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,312] Trial 77 finished with value: -4.368258767815302 and parameters: {'x': 0.7646978682634571, 'y': -4.953021597541977}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,318] Trial 78 finished with value: -4.429956393698919 and parameters: {'x': -0.392445191564172, 'y': -4.583969622080758}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,326] Trial 79 finished with value: -0.6671794118138257 and parameters: {'x': 2.056124884064691, 'y': -4.8948289506838645}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,332] Trial 80 finished with value: -4.1979420843591155 and parameters: {'x': 0.5814042189090425, 'y': -4.535972950124349}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,338] Trial 81 finished with value: -2.7015594207742124 and parameters: {'x': -1.2381195607112745, 'y': -4.2344994673900915}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,344] Trial 82 finished with value: -4.472118680968363 and parameters: {'x': -0.2053285335538857, 'y': -4.514278487659752}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,351] Trial 83 finished with value: -3.766445582748265 and parameters: {'x': 0.33702696757896433, 'y': -3.880032759623737}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,357] Trial 84 finished with value: -4.269742813418271 and parameters: {'x': 0.7778293646857541, 'y': -4.874761333985715}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,363] Trial 85 finished with value: -3.444109724991308 and parameters: {'x': 0.9936412074434431, 'y': -4.431432574120971}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,369] Trial 86 finished with value: -2.144497477421845 and parameters: {'x': -1.5622057612974518, 'y': -4.584984318052796}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,376] Trial 87 finished with value: -4.212192446309842 and parameters: {'x': 0.6411500715617855, 'y': -4.623265860573525}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,383] Trial 88 finished with value: -0.9663219369324261 and parameters: {'x': -1.8541975172742315, 'y': -4.40437036999835}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,390] Trial 89 finished with value: -3.6909509404056684 and parameters: {'x': -0.907494398803876, 'y': -4.514497024266077}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,397] Trial 90 finished with value: -3.429151084156727 and parameters: {'x': 1.0732778395969347, 'y': -4.58107640512659}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,404] Trial 91 finished with value: -3.8003154167910607 and parameters: {'x': 0.6291562009974503, 'y': -4.196152942044605}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,411] Trial 92 finished with value: -4.477530615647174 and parameters: {'x': 0.323910858322924, 'y': -4.582448859786667}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,418] Trial 93 finished with value: -4.62520487067022 and parameters: {'x': 0.500827831430624, 'y': -4.876033387405721}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,425] Trial 94 finished with value: -3.793752846715887 and parameters: {'x': 0.5490777515558682, 'y': -4.095239223969535}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,433] Trial 95 finished with value: -3.3994890936487927 and parameters: {'x': -1.186039180567282, 'y': -4.806178031489503}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,441] Trial 96 finished with value: -2.424307252277668 and parameters: {'x': -1.3892239896683383, 'y': -4.354250545747683}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,448] Trial 97 finished with value: -1.850556385114984 and parameters: {'x': 1.6694509241129274, 'y': -4.637622773136491}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,456] Trial 98 finished with value: -4.123947710614007 and parameters: {'x': 0.23755371904375444, 'y': -4.180379480045526}. Best is trial 72 with value: -4.8626913893245485.\n[I 2023-11-01 05:10:33,463] Trial 99 finished with value: -4.631150360571918 and parameters: {'x': 0.4331846104602164, 'y': -4.818799267311487}. Best is trial 72 with value: -4.8626913893245485.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 42%] 005_user_defined_sampler.py\n[I 2023-11-01 05:10:33,716] A new study created in memory with name: no-name-654bc052-f655-47e5-bef5-f2a5be58f03a\n[I 2023-11-01 05:10:33,735] Trial 0 finished with value: 0.72 and parameters: {'loss': 'hinge', 'alpha': 8.929575014927925e-05}. Best is trial 0 with value: 0.72.\n[I 2023-11-01 05:10:33,754] Trial 1 finished with value: 0.72 and parameters: {'loss': 'hinge', 'alpha': 0.00010321025095962854}. Best is trial 0 with value: 0.72.\n[I 2023-11-01 05:10:33,771] Trial 2 finished with value: 0.7 and parameters: {'loss': 'log_loss', 'alpha': 8.61306170634089e-05}. Best is trial 0 with value: 0.72.\n[I 2023-11-01 05:10:33,789] Trial 3 finished with value: 0.76 and parameters: {'loss': 'log_loss', 'alpha': 0.00012811883502384877}. Best is trial 3 with value: 0.76.\n[I 2023-11-01 05:10:33,806] Trial 4 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 1.0366046020456392e-05}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,823] Trial 5 finished with value: 0.76 and parameters: {'loss': 'log_loss', 'alpha': 0.00016436910598228077}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,840] Trial 6 finished with value: 0.92 and parameters: {'loss': 'log_loss', 'alpha': 0.0002448899548184298}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,859] Trial 7 finished with value: 0.76 and parameters: {'loss': 'hinge', 'alpha': 0.0002030487592250672}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,877] Trial 8 pruned. \n[I 2023-11-01 05:10:33,894] Trial 9 pruned. \n[I 2023-11-01 05:10:33,918] Trial 10 finished with value: 0.84 and parameters: {'loss': 'perceptron', 'alpha': 1.1102587431000562e-05}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,942] Trial 11 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 1.016671561443598e-05}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,967] Trial 12 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 2.143863278033103e-05}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:33,992] Trial 13 finished with value: 0.74 and parameters: {'loss': 'log_loss', 'alpha': 0.0003313743684429552}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:34,017] Trial 14 finished with value: 0.8 and parameters: {'loss': 'perceptron', 'alpha': 4.2810509278816464e-05}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:34,042] Trial 15 pruned. \n[I 2023-11-01 05:10:34,068] Trial 16 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009286479146648954}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,099] Trial 17 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 0.0006218985218987188}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,124] Trial 18 finished with value: 0.8 and parameters: {'loss': 'perceptron', 'alpha': 0.0003810713184776978}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,148] Trial 19 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009496905966398203}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,171] Trial 20 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.000968666803942028}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,199] Trial 21 finished with value: 0.76 and parameters: {'loss': 'perceptron', 'alpha': 0.0008493970946451724}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,223] Trial 22 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009569085952863658}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,248] Trial 23 finished with value: 0.86 and parameters: {'loss': 'perceptron', 'alpha': 0.0005496197142186719}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,272] Trial 24 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009286820102417735}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,296] Trial 25 finished with value: 0.86 and parameters: {'loss': 'perceptron', 'alpha': 0.0005215566389381889}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,321] Trial 26 finished with value: 0.9 and parameters: {'loss': 'hinge', 'alpha': 0.0005143783689907989}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,344] Trial 27 pruned. \n[I 2023-11-01 05:10:34,368] Trial 28 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009311704691774453}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,393] Trial 29 finished with value: 0.88 and parameters: {'loss': 'hinge', 'alpha': 0.00042761019794935865}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,422] Trial 30 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 0.0006227344718262742}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,446] Trial 31 pruned. \n[I 2023-11-01 05:10:34,470] Trial 32 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009459802855843404}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,496] Trial 33 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0008963048061208879}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,522] Trial 34 finished with value: 0.88 and parameters: {'loss': 'hinge', 'alpha': 0.0004648626635800396}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,553] Trial 35 finished with value: 0.92 and parameters: {'loss': 'perceptron', 'alpha': 0.000662933811271256}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,577] Trial 36 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.000987274631555338}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,602] Trial 37 finished with value: 0.7 and parameters: {'loss': 'perceptron', 'alpha': 0.000298572099521705}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,626] Trial 38 finished with value: 0.88 and parameters: {'loss': 'hinge', 'alpha': 0.0004470650478583855}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,653] Trial 39 finished with value: 0.72 and parameters: {'loss': 'perceptron', 'alpha': 0.0002740776745719036}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,678] Trial 40 pruned. \n[I 2023-11-01 05:10:34,703] Trial 41 finished with value: 0.8 and parameters: {'loss': 'perceptron', 'alpha': 0.0008047033695062268}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,727] Trial 42 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009604748715106533}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,752] Trial 43 finished with value: 0.86 and parameters: {'loss': 'perceptron', 'alpha': 0.000581525823696794}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,776] Trial 44 finished with value: 0.74 and parameters: {'loss': 'log_loss', 'alpha': 0.0007552321706381759}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,801] Trial 45 finished with value: 0.96 and parameters: {'loss': 'perceptron', 'alpha': 0.0009881219732174487}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,825] Trial 46 finished with value: 0.86 and parameters: {'loss': 'perceptron', 'alpha': 0.000585687790132257}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,850] Trial 47 finished with value: 0.8 and parameters: {'loss': 'perceptron', 'alpha': 0.0003915493867276209}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,876] Trial 48 finished with value: 0.74 and parameters: {'loss': 'log_loss', 'alpha': 0.0001985827840934149}. Best is trial 16 with value: 0.96.\n[I 2023-11-01 05:10:34,901] Trial 49 pruned. \n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 50%] 006_user_defined_pruner.py\n[I 2023-11-01 05:10:35,179] A new study created in memory with name: no-name-c76683db-2002-4af2-8d53-66a668107cba\n[I 2023-11-01 05:10:35,181] Trial 0 finished with value: 0.07977777856892032 and parameters: {'x': 0.07977777856892032}. Best is trial 0 with value: 0.07977777856892032.\n[I 2023-11-01 05:10:35,181] Trial 1 finished with value: 0.7652693888791419 and parameters: {'x': 0.7652693888791419}. Best is trial 0 with value: 0.07977777856892032.\n[I 2023-11-01 05:10:35,182] Trial 2 finished with value: 0.4691639179603989 and parameters: {'x': 0.4691639179603989}. Best is trial 0 with value: 0.07977777856892032.\n[I 2023-11-01 05:10:35,183] Trial 3 finished with value: 0.5822393379114658 and parameters: {'x': 0.5822393379114658}. Best is trial 0 with value: 0.07977777856892032.\n[I 2023-11-01 05:10:35,183] Trial 4 finished with value: 0.8830521036019581 and parameters: {'x': 0.8830521036019581}. Best is trial 0 with value: 0.07977777856892032.\n[I 2023-11-01 05:10:35,184] Trial 5 pruned. \n[I 2023-11-01 05:10:35,184] Trial 6 pruned. \n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 58%] 007_optuna_callback.py\n[I 2023-11-01 05:10:35,428] A new study created in memory with name: no-name-c739be75-0469-455c-bd0d-60581b36a8e1\n[I 2023-11-01 05:10:35,538] Trial 0 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 1.0, 'bagging_freq': 0, 'min_child_samples': 20}. Best is trial 0 with value: 0.972027972027972.\n[I 2023-11-01 05:10:35,631] Trial 1 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.75, 'bagging_freq': 5, 'min_child_samples': 20}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:35,664] Trial 2 finished with value: 0.9370629370629371 and parameters: {'bagging_fraction': 0.4104779570391478, 'bagging_freq': 4, 'min_child_samples': 86}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:35,710] Trial 3 finished with value: 0.965034965034965 and parameters: {'bagging_fraction': 0.7540947843189368, 'bagging_freq': 5, 'min_child_samples': 78}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:35,764] Trial 4 finished with value: 0.958041958041958 and parameters: {'bagging_fraction': 0.9980261535925151, 'bagging_freq': 5, 'min_child_samples': 56}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:35,804] Trial 5 pruned. Trial was pruned at iteration 17.\n[I 2023-11-01 05:10:35,818] Trial 6 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,831] Trial 7 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,847] Trial 8 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,861] Trial 9 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,894] Trial 10 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,926] Trial 11 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:35,962] Trial 12 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,083] Trial 13 finished with value: 0.9790209790209791 and parameters: {'bagging_fraction': 0.7048775504632986, 'bagging_freq': 2, 'min_child_samples': 29}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:36,114] Trial 14 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,147] Trial 15 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,217] Trial 16 pruned. Trial was pruned at iteration 31.\n[I 2023-11-01 05:10:36,333] Trial 17 finished with value: 0.958041958041958 and parameters: {'bagging_fraction': 0.7565674629945255, 'bagging_freq': 1, 'min_child_samples': 46}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:36,367] Trial 18 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,421] Trial 19 pruned. Trial was pruned at iteration 32.\n[I 2023-11-01 05:10:36,453] Trial 20 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,486] Trial 21 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,626] Trial 22 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.9242133080936901, 'bagging_freq': 1, 'min_child_samples': 24}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:36,657] Trial 23 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:36,880] Trial 24 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.8474232729382789, 'bagging_freq': 3, 'min_child_samples': 13}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:36,947] Trial 25 pruned. Trial was pruned at iteration 39.\n[I 2023-11-01 05:10:36,979] Trial 26 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,012] Trial 27 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,055] Trial 28 pruned. Trial was pruned at iteration 8.\n[I 2023-11-01 05:10:37,087] Trial 29 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,191] Trial 30 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.8950371767642401, 'bagging_freq': 3, 'min_child_samples': 55}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:37,226] Trial 31 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,265] Trial 32 pruned. Trial was pruned at iteration 8.\n[I 2023-11-01 05:10:37,298] Trial 33 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,331] Trial 34 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,364] Trial 35 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,407] Trial 36 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,442] Trial 37 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,478] Trial 38 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,511] Trial 39 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,544] Trial 40 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,580] Trial 41 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,627] Trial 42 pruned. Trial was pruned at iteration 11.\n[I 2023-11-01 05:10:37,661] Trial 43 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,698] Trial 44 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,734] Trial 45 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,768] Trial 46 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,905] Trial 47 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.8114410604261729, 'bagging_freq': 0, 'min_child_samples': 31}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:37,939] Trial 48 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:37,973] Trial 49 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,008] Trial 50 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,046] Trial 51 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,082] Trial 52 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,118] Trial 53 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,153] Trial 54 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,188] Trial 55 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,236] Trial 56 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,271] Trial 57 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,308] Trial 58 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,349] Trial 59 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,387] Trial 60 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,423] Trial 61 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,461] Trial 62 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,500] Trial 63 pruned. Trial was pruned at iteration 5.\n[I 2023-11-01 05:10:38,694] Trial 64 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.7965683098337462, 'bagging_freq': 0, 'min_child_samples': 13}. Best is trial 1 with value: 0.986013986013986.\n[I 2023-11-01 05:10:38,729] Trial 65 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,765] Trial 66 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,802] Trial 67 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,837] Trial 68 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,871] Trial 69 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:38,908] Trial 70 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,036] Trial 71 finished with value: 0.993006993006993 and parameters: {'bagging_fraction': 0.806551277263392, 'bagging_freq': 0, 'min_child_samples': 38}. Best is trial 71 with value: 0.993006993006993.\n[I 2023-11-01 05:10:39,073] Trial 72 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,260] Trial 73 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.7915625581756872, 'bagging_freq': 0, 'min_child_samples': 18}. Best is trial 71 with value: 0.993006993006993.\n[I 2023-11-01 05:10:39,295] Trial 74 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,336] Trial 75 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,371] Trial 76 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,408] Trial 77 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,443] Trial 78 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,478] Trial 79 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,512] Trial 80 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,550] Trial 81 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,586] Trial 82 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,621] Trial 83 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,659] Trial 84 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,696] Trial 85 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,732] Trial 86 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,775] Trial 87 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,810] Trial 88 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,847] Trial 89 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,884] Trial 90 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,919] Trial 91 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,954] Trial 92 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:39,994] Trial 93 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,030] Trial 94 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,073] Trial 95 pruned. Trial was pruned at iteration 4.\n[I 2023-11-01 05:10:40,112] Trial 96 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,148] Trial 97 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,185] Trial 98 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:40,223] Trial 99 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:40,226] A new study created in memory with name: no-name-2f261799-bea7-4027-b162-f00d9022a360\n[I 2023-11-01 05:10:40,397] Trial 2 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.9510707293830148, 'bagging_freq': 6, 'min_child_samples': 9}. Best is trial 2 with value: 0.972027972027972.\n[I 2023-11-01 05:10:40,481] Trial 3 finished with value: 0.993006993006993 and parameters: {'bagging_fraction': 0.7937220901817954, 'bagging_freq': 1, 'min_child_samples': 29}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:40,520] Trial 4 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.6160599410096298, 'bagging_freq': 1, 'min_child_samples': 77}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:40,536] Trial 5 pruned. Trial was pruned at iteration 3.\n[I 2023-11-01 05:10:40,551] Trial 6 pruned. Trial was pruned at iteration 3.\n[I 2023-11-01 05:10:40,563] Trial 7 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,578] Trial 8 pruned. Trial was pruned at iteration 3.\n[I 2023-11-01 05:10:40,591] Trial 9 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,623] Trial 10 pruned. Trial was pruned at iteration 3.\n[I 2023-11-01 05:10:40,657] Trial 11 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:40,686] Trial 12 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:40,891] Trial 13 finished with value: 0.9790209790209791 and parameters: {'bagging_fraction': 0.9029103140574527, 'bagging_freq': 2, 'min_child_samples': 5}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:40,922] Trial 14 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,136] Trial 15 finished with value: 0.965034965034965 and parameters: {'bagging_fraction': 0.8720802555471276, 'bagging_freq': 2, 'min_child_samples': 6}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:41,168] Trial 16 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,200] Trial 17 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,232] Trial 18 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:41,267] Trial 19 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,311] Trial 20 pruned. Trial was pruned at iteration 16.\n[I 2023-11-01 05:10:41,512] Trial 21 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.9640891781382809, 'bagging_freq': 2, 'min_child_samples': 6}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:41,546] Trial 22 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:41,578] Trial 23 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,610] Trial 24 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,640] Trial 25 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,673] Trial 26 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:41,707] Trial 27 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,739] Trial 28 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,773] Trial 29 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,807] Trial 30 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,841] Trial 31 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,874] Trial 32 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,908] Trial 33 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,941] Trial 34 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:41,974] Trial 35 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,010] Trial 36 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,045] Trial 37 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,084] Trial 38 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,119] Trial 39 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,152] Trial 40 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,193] Trial 41 pruned. Trial was pruned at iteration 4.\n[I 2023-11-01 05:10:42,234] Trial 42 pruned. Trial was pruned at iteration 4.\n[I 2023-11-01 05:10:42,275] Trial 43 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,426] Trial 44 finished with value: 0.986013986013986 and parameters: {'bagging_fraction': 0.9745711872505974, 'bagging_freq': 4, 'min_child_samples': 30}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:42,465] Trial 45 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,500] Trial 46 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,542] Trial 47 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:42,578] Trial 48 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,613] Trial 49 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,646] Trial 50 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,686] Trial 51 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,722] Trial 52 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:42,759] Trial 53 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:42,797] Trial 54 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,833] Trial 55 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,868] Trial 56 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,904] Trial 57 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:42,941] Trial 58 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:42,980] Trial 59 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,018] Trial 60 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,054] Trial 61 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,095] Trial 62 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:43,132] Trial 63 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,168] Trial 64 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,209] Trial 65 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:43,246] Trial 66 pruned. Trial was pruned at iteration 1.\n[I 2023-11-01 05:10:43,286] Trial 67 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,485] Trial 68 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.814231044559822, 'bagging_freq': 3, 'min_child_samples': 13}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:43,524] Trial 69 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,560] Trial 70 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,704] Trial 71 finished with value: 0.972027972027972 and parameters: {'bagging_fraction': 0.8070388579081524, 'bagging_freq': 2, 'min_child_samples': 25}. Best is trial 3 with value: 0.993006993006993.\n[I 2023-11-01 05:10:43,748] Trial 72 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,783] Trial 73 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,921] Trial 74 finished with value: 1.0 and parameters: {'bagging_fraction': 0.7822417760635363, 'bagging_freq': 2, 'min_child_samples': 25}. Best is trial 74 with value: 1.0.\n[I 2023-11-01 05:10:43,959] Trial 75 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:43,995] Trial 76 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,033] Trial 77 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,074] Trial 78 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,114] Trial 79 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,152] Trial 80 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,192] Trial 81 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,232] Trial 82 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,272] Trial 83 pruned. Trial was pruned at iteration 2.\n[I 2023-11-01 05:10:44,310] Trial 84 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,347] Trial 85 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,385] Trial 86 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,422] Trial 87 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,458] Trial 88 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,496] Trial 89 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,532] Trial 90 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,568] Trial 91 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,605] Trial 92 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,644] Trial 93 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,695] Trial 94 pruned. Trial was pruned at iteration 8.\n[I 2023-11-01 05:10:44,733] Trial 95 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,769] Trial 96 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,808] Trial 97 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,844] Trial 98 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,881] Trial 99 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,921] Trial 100 pruned. Trial was pruned at iteration 0.\n[I 2023-11-01 05:10:44,961] Trial 101 pruned. Trial was pruned at iteration 0.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 67%] 008_specify_params.py\n[I 2023-11-01 05:10:45,217] A new study created in memory with name: no-name-d69304f8-1546-43cb-8dea-451c00712df0\n[I 2023-11-01 05:10:45,224] Trial 0 finished with value: 0.88 and parameters: {'C': 0.03787995022398106, 'solver': 'lbfgs'}. Best is trial 0 with value: 0.88.\n[I 2023-11-01 05:10:45,230] Trial 1 finished with value: 0.28 and parameters: {'C': 0.00010616372982175543, 'solver': 'lbfgs'}. Best is trial 0 with value: 0.88.\n[I 2023-11-01 05:10:45,234] Trial 2 finished with value: 0.4 and parameters: {'C': 0.0012467519164939904, 'solver': 'saga'}. Best is trial 0 with value: 0.88.\n[I 2023-11-01 05:10:45,240] Trial 3 finished with value: 0.52 and parameters: {'C': 1.5852842088783042e-05, 'solver': 'lbfgs'}. Best is trial 0 with value: 0.88.\n[I 2023-11-01 05:10:45,244] Trial 4 finished with value: 0.92 and parameters: {'C': 0.04085681080455267, 'solver': 'saga'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,250] Trial 5 finished with value: 0.52 and parameters: {'C': 5.5609211235353965e-05, 'solver': 'lbfgs'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,256] Trial 6 finished with value: 0.8 and parameters: {'C': 0.7371318108187781, 'solver': 'lbfgs'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,268] Trial 7 finished with value: 0.48 and parameters: {'C': 8.225326369398754e-05, 'solver': 'lbfgs'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,276] Trial 8 finished with value: 0.88 and parameters: {'C': 4.129742498990061, 'solver': 'lbfgs'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,280] Trial 9 finished with value: 0.44 and parameters: {'C': 5.869571970745492e-06, 'solver': 'saga'}. Best is trial 4 with value: 0.92.\n[I 2023-11-01 05:10:45,281] A new study created in memory with name: no-name-a741785a-ce9c-42d9-b108-bc2d11e9ad58\n[I 2023-11-01 05:10:45,316] A new study created in memory with name: no-name-9d585a3e-337c-484d-a5cb-85857ac26cbe\n[I 2023-11-01 05:10:45,354] A new study created in memory with name: no-name-c65fb70a-521c-42de-a9b8-962c62daa548\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 75%] 009_ask_and_tell.py\n[I 2023-11-01 05:10:45,660] A new study created in memory with name: no-name-3b1dbacd-431b-4d14-8a81-50b1ef808a4f\n[I 2023-11-01 05:10:45,667] Trial 0 finished with value: 0.92 and parameters: {'C': 1.2339191565603391}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,674] Trial 1 finished with value: 0.44 and parameters: {'C': 1.5453619672208217e-07}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,680] Trial 2 finished with value: 0.44 and parameters: {'C': 9.889960100128812e-06}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,685] Trial 3 finished with value: 0.92 and parameters: {'C': 0.5733486103749144}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,692] Trial 4 finished with value: 0.44 and parameters: {'C': 3.0182675710298892e-05}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,697] Trial 5 finished with value: 0.88 and parameters: {'C': 0.014104224684309961}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,704] Trial 6 finished with value: 0.44 and parameters: {'C': 2.258883456235894e-05}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,710] Trial 7 finished with value: 0.44 and parameters: {'C': 7.428228616934172e-07}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,716] Trial 8 finished with value: 0.48 and parameters: {'C': 0.001602081741739879}. Best is trial 0 with value: 0.92.\n[I 2023-11-01 05:10:45,722] Trial 9 finished with value: 0.92 and parameters: {'C': 3.569508851757337}. Best is trial 0 with value: 0.92.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 83%] 010_reuse_best_trial.py\n[I 2023-11-01 05:10:45,995] A new study created in Journal with name: example-study\n[I 2023-11-01 05:10:46,001] Trial 0 finished with value: 34.410153381868675 and parameters: {'x': 7.866016824206071}. Best is trial 0 with value: 34.410153381868675.\n[I 2023-11-01 05:10:46,005] Trial 1 finished with value: 31.580643688325605 and parameters: {'x': 7.619665798633012}. Best is trial 1 with value: 31.580643688325605.\n[I 2023-11-01 05:10:46,009] Trial 2 finished with value: 1.5599176297230128 and parameters: {'x': 3.248966624743437}. Best is trial 2 with value: 1.5599176297230128.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [ 92%] 011_journal_storage.py\n[I 2023-11-01 05:10:46,339] A new study created in RDB with name: test_study\n[I 2023-11-01 05:27:06,316] Trial 0 finished with value: -0.9834193696589024 and parameters: {'phi': 0.3499707267548111, 'theta': 0.1878524409215392, 'psi': -0.5675260577105363, 'x_pos': 0.21099870537360926, 'y_pos': 0.23725481821915168, 'z_hig': 3.8078162828354487}. Best is trial 0 with value: -0.9834193696589024.\n[I 2023-11-01 05:27:11,571] Trial 1 finished with value: -0.9852841041728484 and parameters: {'phi': 0.42212393265995063, 'theta': 0.18900816900102013, 'psi': -0.5939199906282602, 'x_pos': 0.3559852252545549, 'y_pos': 0.06390393833769276, 'z_hig': 2.63933079897011}. Best is trial 1 with value: -0.9852841041728484.\n[I 2023-11-01 05:27:18,746] Trial 2 finished with value: -0.9850886424480001 and parameters: {'phi': -0.6856695391930148, 'theta': -0.9387317954736119, 'psi': 0.4330005159584758, 'x_pos': 0.4936889492260561, 'y_pos': 0.44072438754187043, 'z_hig': 1.8442577911695013}. Best is trial 1 with value: -0.9852841041728484.\n\u001b[2Kgenerating gallery for tutorial/20_recipes... [100%] 012_artifact_tutorial.py\ncomputation time summary:\n - ../../tutorial/20_recipes/012_artifact_tutorial.py: 992.85 sec 0.0 MB\n - ../../tutorial/20_recipes/002_multi_objective.py: 217.68 sec 0.0 MB\n - ../../tutorial/20_recipes/008_specify_params.py: 9.54 sec 0.0 MB\n - ../../tutorial/10_key_features/005_visualization.py: 6.02 sec 0.0 MB\n - ../../tutorial/10_key_features/003_efficient_optimization_algorithms.py: 2.82 sec 0.0 MB\n - ../../tutorial/20_recipes/006_user_defined_pruner.py: 1.19 sec 0.0 MB\n - ../../tutorial/10_key_features/001_first.py: 1.19 sec 0.0 MB\n - ../../tutorial/20_recipes/001_rdb.py: 0.85 sec 0.0 MB\n - ../../tutorial/20_recipes/004_cli.py: 0.53 sec 0.0 MB\n - ../../tutorial/20_recipes/005_user_defined_sampler.py: 0.42 sec 0.0 MB\n - ../../tutorial/20_recipes/003_attributes.py: 0.34 sec 0.0 MB\n - ../../tutorial/20_recipes/009_ask_and_tell.py: 0.19 sec 0.0 MB\n - ../../tutorial/20_recipes/010_reuse_best_trial.py: 0.08 sec 0.0 MB\n - ../../tutorial/20_recipes/011_journal_storage.py: 0.02 sec 0.0 MB\n - ../../tutorial/20_recipes/007_optuna_callback.py: 0.01 sec 0.0 MB\n - ../../tutorial/10_key_features/002_configurations.py: 0.00 sec 0.0 MB\n - ../../tutorial/10_key_features/004_distributed.py: 0.00 sec 0.0 MB\nbuilding [mo]: targets for 0 po files that are out of date\nwriting output... \nbuilding [html]: targets for 25 source files that are out of date\nupdating environment: [new config] 198 added, 0 changed, 0 removed\n\u001b[2Kreading sources... [ 1%] faq\n\u001b[2Kreading sources... [ 1%] index\n\u001b[2Kreading sources... [ 2%] installation\n\u001b[2Kreading sources... [ 2%] license_thirdparty\n\u001b[2Kreading sources... [ 3%] privacy\n\u001b[2Kreading sources... [ 3%] reference/artifacts\n\u001b[2Kreading sources... [ 4%] reference/cli\n\u001b[2Kreading sources... [ 4%] reference/distributions\n\u001b[2Kreading sources... [ 5%] reference/exceptions\n\u001b[2Kreading sources... [ 5%] reference/generated/optuna.TrialPruned\n\u001b[2Kreading sources... [ 6%] reference/generated/optuna.artifacts.Backoff\n\u001b[2Kreading sources... [ 6%] reference/generated/optuna.artifacts.Boto3ArtifactStore\n\u001b[2Kreading sources... [ 7%] reference/generated/optuna.artifacts.FileSystemArtifactStore\n\u001b[2Kreading sources... [ 7%] reference/generated/optuna.artifacts.GCSArtifactStore\n\u001b[2Kreading sources... [ 8%] reference/generated/optuna.artifacts.upload_artifact\n\u001b[2Kreading sources... [ 8%] reference/generated/optuna.copy_study\n\u001b[2Kreading sources... [ 9%] reference/generated/optuna.create_study\n\u001b[2Kreading sources... [ 9%] reference/generated/optuna.delete_study\n\u001b[2Kreading sources... [ 10%] reference/generated/optuna.distributions.CategoricalDistribution\n\u001b[2Kreading sources... [ 10%] reference/generated/optuna.distributions.DiscreteUniformDistribution\n\u001b[2Kreading sources... [ 11%] reference/generated/optuna.distributions.FloatDistribution\n\u001b[2Kreading sources... [ 11%] reference/generated/optuna.distributions.IntDistribution\n\u001b[2Kreading sources... [ 12%] reference/generated/optuna.distributions.IntLogUniformDistribution\n\u001b[2Kreading sources... [ 12%] reference/generated/optuna.distributions.IntUniformDistribution\n\u001b[2Kreading sources... [ 13%] reference/generated/optuna.distributions.LogUniformDistribution\n\u001b[2Kreading sources... [ 13%] reference/generated/optuna.distributions.UniformDistribution\n\u001b[2Kreading sources... [ 14%] reference/generated/optuna.distributions.check_distribution_compatibility\n\u001b[2Kreading sources... [ 14%] reference/generated/optuna.distributions.distribution_to_json\n\u001b[2Kreading sources... [ 15%] reference/generated/optuna.distributions.json_to_distribution\n\u001b[2Kreading sources... [ 15%] reference/generated/optuna.exceptions.CLIUsageError\n\u001b[2Kreading sources... [ 16%] reference/generated/optuna.exceptions.DuplicatedStudyError\n\u001b[2Kreading sources... [ 16%] reference/generated/optuna.exceptions.OptunaError\n\u001b[2Kreading sources... [ 17%] reference/generated/optuna.exceptions.StorageInternalError\n\u001b[2Kreading sources... [ 17%] reference/generated/optuna.exceptions.TrialPruned\n\u001b[2Kreading sources... [ 18%] reference/generated/optuna.get_all_study_names\n\u001b[2Kreading sources... [ 18%] reference/generated/optuna.get_all_study_summaries\n\u001b[2Kreading sources... [ 19%] reference/generated/optuna.importance.FanovaImportanceEvaluator\n\u001b[2Kreading sources... [ 19%] reference/generated/optuna.importance.MeanDecreaseImpurityImportanceEvaluator\n\u001b[2Kreading sources... [ 20%] reference/generated/optuna.importance.get_param_importances\n\u001b[2Kreading sources... [ 20%] reference/generated/optuna.integration.BoTorchSampler\n\u001b[2Kreading sources... [ 21%] reference/generated/optuna.integration.CatBoostPruningCallback\n\u001b[2Kreading sources... [ 21%] reference/generated/optuna.integration.CmaEsSampler\n\u001b[2Kreading sources... [ 22%] reference/generated/optuna.integration.DaskStorage\n\u001b[2Kreading sources... [ 22%] reference/generated/optuna.integration.FastAIPruningCallback\n\u001b[2Kreading sources... [ 23%] reference/generated/optuna.integration.FastAIV1PruningCallback\n\u001b[2Kreading sources... [ 23%] reference/generated/optuna.integration.FastAIV2PruningCallback\n\u001b[2Kreading sources... [ 24%] reference/generated/optuna.integration.LightGBMPruningCallback\n\u001b[2Kreading sources... [ 24%] reference/generated/optuna.integration.MLflowCallback\n\u001b[2Kreading sources... [ 25%] reference/generated/optuna.integration.OptunaSearchCV\n\u001b[2Kreading sources... [ 25%] reference/generated/optuna.integration.PyCmaSampler\n\u001b[2Kreading sources... [ 26%] reference/generated/optuna.integration.PyTorchIgnitePruningHandler\n\u001b[2Kreading sources... [ 26%] reference/generated/optuna.integration.PyTorchLightningPruningCallback\n\u001b[2Kreading sources... [ 27%] reference/generated/optuna.integration.SkoptSampler\n\u001b[2Kreading sources... [ 27%] reference/generated/optuna.integration.TensorBoardCallback\n\u001b[2Kreading sources... [ 28%] reference/generated/optuna.integration.TorchDistributedTrial\n\u001b[2Kreading sources... [ 28%] reference/generated/optuna.integration.WeightsAndBiasesCallback\n\u001b[2Kreading sources... [ 29%] reference/generated/optuna.integration.XGBoostPruningCallback\n\u001b[2Kreading sources... [ 29%] reference/generated/optuna.integration.botorch.logei_candidates_func\n\u001b[2Kreading sources... [ 30%] reference/generated/optuna.integration.botorch.qehvi_candidates_func\n\u001b[2Kreading sources... [ 30%] reference/generated/optuna.integration.botorch.qei_candidates_func\n\u001b[2Kreading sources... [ 31%] reference/generated/optuna.integration.botorch.qnehvi_candidates_func\n\u001b[2Kreading sources... [ 31%] reference/generated/optuna.integration.botorch.qnei_candidates_func\n\u001b[2Kreading sources... [ 32%] reference/generated/optuna.integration.botorch.qparego_candidates_func\n\u001b[2Kreading sources... [ 32%] reference/generated/optuna.integration.lightgbm.LightGBMTuner\n\u001b[2Kreading sources... [ 33%] reference/generated/optuna.integration.lightgbm.LightGBMTunerCV\n\u001b[2Kreading sources... [ 33%] reference/generated/optuna.integration.lightgbm.train\n\u001b[2Kreading sources... [ 34%] reference/generated/optuna.load_study\n\u001b[2Kreading sources... [ 34%] reference/generated/optuna.logging.disable_default_handler\n\u001b[2Kreading sources... [ 35%] reference/generated/optuna.logging.disable_propagation\n\u001b[2Kreading sources... [ 35%] reference/generated/optuna.logging.enable_default_handler\n\u001b[2Kreading sources... [ 36%] reference/generated/optuna.logging.enable_propagation\n\u001b[2Kreading sources... [ 36%] reference/generated/optuna.logging.get_verbosity\n\u001b[2Kreading sources... [ 37%] reference/generated/optuna.logging.set_verbosity\n\u001b[2Kreading sources... [ 37%] reference/generated/optuna.pruners.BasePruner\n\u001b[2Kreading sources... [ 38%] reference/generated/optuna.pruners.HyperbandPruner\n\u001b[2Kreading sources... [ 38%] reference/generated/optuna.pruners.MedianPruner\n\u001b[2Kreading sources... [ 39%] reference/generated/optuna.pruners.NopPruner\n\u001b[2Kreading sources... [ 39%] reference/generated/optuna.pruners.PatientPruner\n\u001b[2Kreading sources... [ 40%] reference/generated/optuna.pruners.PercentilePruner\n\u001b[2Kreading sources... [ 40%] reference/generated/optuna.pruners.SuccessiveHalvingPruner\n\u001b[2Kreading sources... [ 41%] reference/generated/optuna.pruners.ThresholdPruner\n\u001b[2Kreading sources... [ 41%] reference/generated/optuna.search_space.IntersectionSearchSpace\n\u001b[2Kreading sources... [ 42%] reference/generated/optuna.search_space.intersection_search_space\n\u001b[2Kreading sources... [ 42%] reference/generated/optuna.storages.JournalFileOpenLock\n\u001b[2Kreading sources... [ 43%] reference/generated/optuna.storages.JournalFileStorage\n\u001b[2Kreading sources... [ 43%] reference/generated/optuna.storages.JournalFileSymlinkLock\n\u001b[2Kreading sources... [ 44%] reference/generated/optuna.storages.JournalRedisStorage\n\u001b[2Kreading sources... [ 44%] reference/generated/optuna.storages.JournalStorage\n\u001b[2Kreading sources... [ 45%] reference/generated/optuna.storages.RDBStorage\n\u001b[2Kreading sources... [ 45%] reference/generated/optuna.storages.RetryFailedTrialCallback\n\u001b[2Kreading sources... [ 46%] reference/generated/optuna.storages.fail_stale_trials\n\u001b[2Kreading sources... [ 46%] reference/generated/optuna.study.MaxTrialsCallback\n\u001b[2Kreading sources... [ 47%] reference/generated/optuna.study.Study\n\u001b[2Kreading sources... [ 47%] reference/generated/optuna.study.StudyDirection\n\u001b[2Kreading sources... [ 48%] reference/generated/optuna.study.StudySummary\n\u001b[2Kreading sources... [ 48%] reference/generated/optuna.study.copy_study\n\u001b[2Kreading sources... [ 49%] reference/generated/optuna.study.create_study\n\u001b[2Kreading sources... [ 49%] reference/generated/optuna.study.delete_study\n\u001b[2Kreading sources... [ 50%] reference/generated/optuna.study.get_all_study_names\n\u001b[2Kreading sources... [ 51%] reference/generated/optuna.study.get_all_study_summaries\n\u001b[2Kreading sources... [ 51%] reference/generated/optuna.study.load_study\n\u001b[2Kreading sources... [ 52%] reference/generated/optuna.terminator.BaseErrorEvaluator\n\u001b[2Kreading sources... [ 52%] reference/generated/optuna.terminator.BaseImprovementEvaluator\n\u001b[2Kreading sources... [ 53%] reference/generated/optuna.terminator.BaseTerminator\n\u001b[2Kreading sources... [ 53%] reference/generated/optuna.terminator.BestValueStagnationEvaluator\n\u001b[2Kreading sources... [ 54%] reference/generated/optuna.terminator.CrossValidationErrorEvaluator\n\u001b[2Kreading sources... [ 54%] reference/generated/optuna.terminator.RegretBoundEvaluator\n\u001b[2Kreading sources... [ 55%] reference/generated/optuna.terminator.StaticErrorEvaluator\n\u001b[2Kreading sources... [ 55%] reference/generated/optuna.terminator.Terminator\n\u001b[2Kreading sources... [ 56%] reference/generated/optuna.terminator.TerminatorCallback\n\u001b[2Kreading sources... [ 56%] reference/generated/optuna.terminator.report_cross_validation_scores\n\u001b[2Kreading sources... [ 57%] reference/generated/optuna.trial.FixedTrial\n\u001b[2Kreading sources... [ 57%] reference/generated/optuna.trial.FrozenTrial\n\u001b[2Kreading sources... [ 58%] reference/generated/optuna.trial.Trial\n\u001b[2Kreading sources... [ 58%] reference/generated/optuna.trial.TrialState\n\u001b[2Kreading sources... [ 59%] reference/generated/optuna.trial.create_trial\n\u001b[2Kreading sources... [ 59%] reference/importance\n\u001b[2Kreading sources... [ 60%] reference/index\n\u001b[2Kreading sources... [ 60%] reference/integration\n\u001b[2Kreading sources... [ 61%] reference/logging\n\u001b[2Kreading sources... [ 61%] reference/optuna\n\u001b[2Kreading sources... [ 62%] reference/pruners\n\u001b[2Kreading sources... [ 62%] reference/samplers/generated/optuna.samplers.BaseSampler\n\u001b[2Kreading sources... [ 63%] reference/samplers/generated/optuna.samplers.BruteForceSampler\n\u001b[2Kreading sources... [ 63%] reference/samplers/generated/optuna.samplers.CmaEsSampler\n\u001b[2Kreading sources... [ 64%] reference/samplers/generated/optuna.samplers.GridSampler\n\u001b[2Kreading sources... [ 64%] reference/samplers/generated/optuna.samplers.IntersectionSearchSpace\n\u001b[2Kreading sources... [ 65%] reference/samplers/generated/optuna.samplers.NSGAIIISampler\n\u001b[2Kreading sources... [ 65%] reference/samplers/generated/optuna.samplers.NSGAIISampler\n\u001b[2Kreading sources... [ 66%] reference/samplers/generated/optuna.samplers.PartialFixedSampler\n\u001b[2Kreading sources... [ 66%] reference/samplers/generated/optuna.samplers.QMCSampler\n\u001b[2Kreading sources... [ 67%] reference/samplers/generated/optuna.samplers.RandomSampler\n\u001b[2Kreading sources... [ 67%] reference/samplers/generated/optuna.samplers.TPESampler\n\u001b[2Kreading sources... [ 68%] reference/samplers/generated/optuna.samplers.intersection_search_space\n\u001b[2Kreading sources... [ 68%] reference/samplers/generated/optuna.samplers.nsgaii.BLXAlphaCrossover\n\u001b[2Kreading sources... [ 69%] reference/samplers/generated/optuna.samplers.nsgaii.BaseCrossover\n\u001b[2Kreading sources... [ 69%] reference/samplers/generated/optuna.samplers.nsgaii.SBXCrossover\n\u001b[2Kreading sources... [ 70%] reference/samplers/generated/optuna.samplers.nsgaii.SPXCrossover\n\u001b[2Kreading sources... [ 70%] reference/samplers/generated/optuna.samplers.nsgaii.UNDXCrossover\n\u001b[2Kreading sources... [ 71%] reference/samplers/generated/optuna.samplers.nsgaii.UniformCrossover\n\u001b[2Kreading sources... [ 71%] reference/samplers/generated/optuna.samplers.nsgaii.VSBXCrossover\n\u001b[2Kreading sources... [ 72%] reference/samplers/index\n\u001b[2Kreading sources... [ 72%] reference/samplers/nsgaii\n\u001b[2Kreading sources... [ 73%] reference/search_space\n\u001b[2Kreading sources... [ 73%] reference/storages\n\u001b[2Kreading sources... [ 74%] reference/study\n\u001b[2Kreading sources... [ 74%] reference/terminator\n\u001b[2Kreading sources... [ 75%] reference/trial\n\u001b[2Kreading sources... [ 75%] reference/visualization/generated/optuna.visualization.is_available\n\u001b[2Kreading sources... [ 76%] reference/visualization/generated/optuna.visualization.matplotlib.is_available\n[I 2023-11-01 05:27:30,311] A new study created in memory with name: no-name-ba1d20e0-3593-4ef8-a60d-e4256db8f994\n[I 2023-11-01 05:27:30,313] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:27:30,313] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,314] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,315] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,316] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,317] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,318] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,318] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,319] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,320] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,327] Trial 10 finished with value: 734.0822030665411 and parameters: {'x': -27.075490818571343, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,333] Trial 11 finished with value: 73.65352512080509 and parameters: {'x': 8.523703720848413, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,340] Trial 12 finished with value: 772.5301395134916 and parameters: {'x': -27.776431367500965, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,346] Trial 13 finished with value: 144.99637750321006 and parameters: {'x': 11.999849061684486, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,352] Trial 14 finished with value: 58.008999214248114 and parameters: {'x': -7.550430399271827, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,358] Trial 15 finished with value: 1813.5559443721502 and parameters: {'x': -42.574122943076, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,367] Trial 16 finished with value: 99.03717560874351 and parameters: {'x': -10.001858607716043, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,373] Trial 17 finished with value: 9671.11610067409 and parameters: {'x': 98.33674847519664, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,380] Trial 18 finished with value: 731.8040203733691 and parameters: {'x': 27.03338714207617, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,386] Trial 19 finished with value: 1940.8126679916945 and parameters: {'x': -44.06600354004995, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,393] Trial 20 finished with value: 22.671858597340137 and parameters: {'x': -4.6553043506671115, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,400] Trial 21 finished with value: 36.2737132672693 and parameters: {'x': -5.939167725133657, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,406] Trial 22 finished with value: 467.498830386074 and parameters: {'x': 21.598583990300707, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,413] Trial 23 finished with value: 57.683827568626214 and parameters: {'x': -7.5288662870731216, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,420] Trial 24 finished with value: 14.559465794510222 and parameters: {'x': 3.6823179920411846, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,426] Trial 25 finished with value: 1454.2889615335619 and parameters: {'x': 38.1220272484762, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,433] Trial 26 finished with value: 210.54412862953976 and parameters: {'x': 14.475639144077189, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,439] Trial 27 finished with value: 3133.9754124740953 and parameters: {'x': 55.97298823963301, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,446] Trial 28 finished with value: 583.7660288159207 and parameters: {'x': -24.181936002229445, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:30,452] Trial 29 finished with value: 31.445003865150788 and parameters: {'x': 5.607584494695625, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n:14: ExperimentalWarning:\n\nplot_contour is experimental (supported from v2.2.0). The interface can change in the future.\n\n[W 2023-11-01 05:27:30,453] Output figures of this Matplotlib-based `plot_contour` function would be different from those of the Plotly-based `plot_contour`.\n\u001b[2Kreading sources... [ 76%] reference/visualization/generated/optuna.visualization.matplotlib.plot_contour\n[I 2023-11-01 05:27:30,838] A new study created in memory with name: x=[0,5), y=[0,5)\n[I 2023-11-01 05:27:30,840] Trial 0 finished with value: 9.098775784310966 and parameters: {'x': 3.85660321633373, 'y': 0.1037597467970075}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:27:30,840] Trial 1 finished with value: 11.468279264943558 and parameters: {'x': 3.168241174631377, 'y': 3.744019412693059}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:27:30,841] Trial 2 finished with value: 8.26591744896594 and parameters: {'x': 2.4925350615129522, 'y': 1.1239832276542383}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:27:30,842] Trial 3 finished with value: 9.307353958700034 and parameters: {'x': 0.9903143237981199, 'y': 3.8026535609947936}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:27:30,843] Trial 4 finished with value: 4.4107752374673055 and parameters: {'x': 0.8455541828126772, 'y': 0.44169907087005134}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,844] Trial 5 finished with value: 13.32581053856714 and parameters: {'x': 3.426799091838986, 'y': 4.766966730974683}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,845] Trial 6 finished with value: 7.762294992698612 and parameters: {'x': 0.019741331639572257, 'y': 2.560961316928883}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,846] Trial 7 finished with value: 10.462168809225723 and parameters: {'x': 4.063104808260568, 'y': 3.0626303341469407}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,846] Trial 8 finished with value: 10.766844213449511 and parameters: {'x': 3.6087765871589976, 'y': 1.4593803408531658}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,847] Trial 9 finished with value: 13.513529451283143 and parameters: {'x': 4.588870612564717, 'y': 3.572878916988453}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,848] Trial 10 finished with value: 8.477722801529927 and parameters: {'x': 2.7127218400563065, 'y': 0.7108502380076348}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,849] Trial 11 finished with value: 10.129432776476957 and parameters: {'x': 1.866703800257346, 'y': 3.3706680753317264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,850] Trial 12 finished with value: 8.366790606869595 and parameters: {'x': 2.2091658721149803, 'y': 2.1700699666664685}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,851] Trial 13 finished with value: 10.416955768145217 and parameters: {'x': 3.088834892346586, 'y': 2.5656912127719544}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,851] Trial 14 finished with value: 10.387909622465159 and parameters: {'x': 3.251985909657336, 'y': 3.005194767022722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,852] Trial 15 finished with value: 11.459718019586177 and parameters: {'x': 4.026115984163733, 'y': 2.608235761968171}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,853] Trial 16 finished with value: 12.18680554317172 and parameters: {'x': 4.5432444040433415, 'y': 1.5961804449427264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,854] Trial 17 finished with value: 6.324395711691771 and parameters: {'x': 0.45229674635453687, 'y': 1.5035002831810167}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,856] Trial 18 finished with value: 10.780656392800164 and parameters: {'x': 0.5699218093177488, 'y': 4.143406631538383}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,856] Trial 19 finished with value: 8.416640220838426 and parameters: {'x': 0.23448159694624882, 'y': 3.1314357415569627}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,859] Trial 20 finished with value: 11.302576421368904 and parameters: {'x': 2.737930779596218, 'y': 4.096434978350343}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,860] Trial 21 finished with value: 10.499563087675314 and parameters: {'x': 0.9947376983940615, 'y': 4.284251512288666}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,861] Trial 22 finished with value: 10.513666838860214 and parameters: {'x': 1.7582631971604394, 'y': 3.773238457649286}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,861] Trial 23 finished with value: 11.97926994777533 and parameters: {'x': 1.4798085343983935, 'y': 4.419682397805931}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,862] Trial 24 finished with value: 6.380894606936472 and parameters: {'x': 1.627558189161244, 'y': 0.8250794885957424}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,863] Trial 25 finished with value: 6.685983992257508 and parameters: {'x': 1.9626462197329364, 'y': 0.4673018727932515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,864] Trial 26 finished with value: 10.125719905741311 and parameters: {'x': 4.105528289184642, 'y': 0.7557600982128193}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,865] Trial 27 finished with value: 11.573099481049313 and parameters: {'x': 1.920572243460998, 'y': 4.721303561194006}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,866] Trial 28 finished with value: 12.011941244892594 and parameters: {'x': 4.938127374509361, 'y': 2.2815227354739203}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,867] Trial 29 finished with value: 10.481651724828257 and parameters: {'x': 4.130614219213699, 'y': 1.2568706710352968}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,868] Trial 30 finished with value: 12.415913516504961 and parameters: {'x': 2.9868582411544216, 'y': 4.514158801658137}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,868] Trial 31 finished with value: 10.053592439013652 and parameters: {'x': 2.6727897440090755, 'y': 2.9510068149271147}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,869] Trial 32 finished with value: 5.886579856572837 and parameters: {'x': 0.19640883612693671, 'y': 1.7859087931726814}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,870] Trial 33 finished with value: 6.310127074999574 and parameters: {'x': 0.3980654507798209, 'y': 1.5272995917140912}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,871] Trial 34 finished with value: 10.63044720131769 and parameters: {'x': 1.65359655991066, 'y': 3.8691514810529792}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,872] Trial 35 finished with value: 6.399093285230432 and parameters: {'x': 0.19979604344988633, 'y': 2.1474608921581915}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,873] Trial 36 finished with value: 9.82714713251584 and parameters: {'x': 1.5746343592134415, 'y': 3.1824557153377233}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,874] Trial 37 finished with value: 6.040622694875182 and parameters: {'x': 1.7317357504001651, 'y': 0.2154867810249722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,875] Trial 38 finished with value: 13.124359919044599 and parameters: {'x': 4.39957587258958, 'y': 3.816202935718405}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,876] Trial 39 finished with value: 11.621017540390913 and parameters: {'x': 4.390483213624291, 'y': 2.087545719196335}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,876] Trial 40 finished with value: 10.273148823731859 and parameters: {'x': 3.027887821968784, 'y': 2.567333137041442}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,877] Trial 41 finished with value: 8.74724695064551 and parameters: {'x': 2.989183239814868, 'y': 1.3110783056597515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,878] Trial 42 finished with value: 5.703235939620228 and parameters: {'x': 1.504356544703536, 'y': 0.12699891025053034}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,879] Trial 43 finished with value: 6.8281049033658086 and parameters: {'x': 1.5153128032551737, 'y': 1.2103793770176368}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,880] Trial 44 finished with value: 9.889991012666522 and parameters: {'x': 2.787890943313221, 'y': 2.827535099440838}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,881] Trial 45 finished with value: 8.809099112861492 and parameters: {'x': 2.375661237075253, 'y': 1.4639898814475454}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,882] Trial 46 finished with value: 11.529514400367189 and parameters: {'x': 0.32125530347412223, 'y': 4.894095728788213}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,882] Trial 47 finished with value: 9.116346691166768 and parameters: {'x': 1.6985392181893184, 'y': 2.4752431544122717}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,883] Trial 48 finished with value: 11.665729583461987 and parameters: {'x': 4.885403629613409, 'y': 2.2038691245033326}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,884] Trial 49 finished with value: 9.283138260008634 and parameters: {'x': 1.591364027394756, 'y': 2.5989849293769005}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,885] Trial 50 finished with value: 11.688309982114646 and parameters: {'x': 2.8906821494123376, 'y': 4.269668752502432}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,886] Trial 51 finished with value: 7.7554312065139825 and parameters: {'x': 0.34048636768975016, 'y': 2.3226540388966628}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,887] Trial 52 finished with value: 12.275135396487016 and parameters: {'x': 3.909745593095742, 'y': 3.5930140519112514}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,888] Trial 53 finished with value: 7.599136984880452 and parameters: {'x': 2.9301099002658795, 'y': 0.18547206617203937}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,888] Trial 54 finished with value: 8.971518754151079 and parameters: {'x': 1.7532819564156648, 'y': 2.815953422463725}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,889] Trial 55 finished with value: 9.191843219831416 and parameters: {'x': 1.4986493621228143, 'y': 2.5616707663677465}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,890] Trial 56 finished with value: 9.633721562166217 and parameters: {'x': 3.3673346264236024, 'y': 0.7959686668904675}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,891] Trial 57 finished with value: 6.186229741277476 and parameters: {'x': 0.2523883507699881, 'y': 1.6890794353233973}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,892] Trial 58 finished with value: 4.552022343284264 and parameters: {'x': 0.5403188638972628, 'y': 0.8945140428554521}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,893] Trial 59 finished with value: 11.758020264004587 and parameters: {'x': 4.429135480838529, 'y': 1.826824856070579}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,894] Trial 60 finished with value: 9.65103717665648 and parameters: {'x': 1.0938467458976837, 'y': 3.762480851093014}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,895] Trial 61 finished with value: 10.404668371552354 and parameters: {'x': 0.5343979219678457, 'y': 3.723016203877803}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,895] Trial 62 finished with value: 9.807137735649274 and parameters: {'x': 2.3489264672024723, 'y': 2.991278356395546}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:27:30,896] Trial 63 finished with value: 4.297890789772584 and parameters: {'x': 0.7381009614264883, 'y': 0.9201741104657563}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,897] Trial 64 finished with value: 8.956435845330386 and parameters: {'x': 3.2253606323412094, 'y': 0.24314003131702788}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,898] Trial 65 finished with value: 8.694250835326496 and parameters: {'x': 1.2430625390138472, 'y': 2.7120425811400213}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,899] Trial 66 finished with value: 5.986545159935034 and parameters: {'x': 1.133866716350046, 'y': 1.9070576745231604}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,900] Trial 67 finished with value: 14.297386483409563 and parameters: {'x': 4.611163934517731, 'y': 4.626784364338884}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,900] Trial 68 finished with value: 10.180452207698272 and parameters: {'x': 2.8337496228749997, 'y': 2.667354424945013}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,901] Trial 69 finished with value: 10.407363938709986 and parameters: {'x': 0.07430012316614054, 'y': 4.889496317010025}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,902] Trial 70 finished with value: 10.440149099446987 and parameters: {'x': 2.8651445201659294, 'y': 3.95878498138312}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,905] Trial 71 finished with value: 12.32523091547919 and parameters: {'x': 2.8077868013818446, 'y': 4.3866762078246735}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,906] Trial 72 finished with value: 11.31269157398866 and parameters: {'x': 2.9209791426533775, 'y': 3.544249131844776}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,906] Trial 73 finished with value: 6.868040784289896 and parameters: {'x': 0.7426672567822928, 'y': 2.142253694839482}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,907] Trial 74 finished with value: 10.168253595722678 and parameters: {'x': 3.4694503317120584, 'y': 0.5230987226142658}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,908] Trial 75 finished with value: 6.875279830510534 and parameters: {'x': 2.1980261888729524, 'y': 0.8310107385226684}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,909] Trial 76 finished with value: 11.669355532080532 and parameters: {'x': 2.5348931463202367, 'y': 4.095179320681063}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,910] Trial 77 finished with value: 10.375729066395554 and parameters: {'x': 0.45053367362219265, 'y': 4.000343753470726}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,911] Trial 78 finished with value: 9.47494195262567 and parameters: {'x': 2.8256317697890228, 'y': 2.946738558403037}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,911] Trial 79 finished with value: 6.429800222532773 and parameters: {'x': 0.9905032860813445, 'y': 2.1805912766941713}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,912] Trial 80 finished with value: 5.784554009886445 and parameters: {'x': 1.4795188111041868, 'y': 0.18778837970838846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,913] Trial 81 finished with value: 6.944951718546044 and parameters: {'x': 0.15342420186473138, 'y': 2.2655250010061674}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,914] Trial 82 finished with value: 11.32465496841092 and parameters: {'x': 3.7243203847503388, 'y': 2.7864770311819846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,915] Trial 83 finished with value: 5.814616800694608 and parameters: {'x': 1.9255679978274327, 'y': 0.8403639876630931}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,916] Trial 84 finished with value: 11.092120639966868 and parameters: {'x': 4.1913066035184645, 'y': 2.995258987307463}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,917] Trial 85 finished with value: 12.30613781768253 and parameters: {'x': 3.9135740912248558, 'y': 4.242545909473573}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,918] Trial 86 finished with value: 10.276422024397286 and parameters: {'x': 3.0158148793101742, 'y': 3.9053030864514104}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,918] Trial 87 finished with value: 7.479769890494953 and parameters: {'x': 3.0786843801678465, 'y': 0.10582595586077492}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,919] Trial 88 finished with value: 9.671206282931806 and parameters: {'x': 3.752323052437455, 'y': 0.8802106664184695}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,920] Trial 89 finished with value: 9.869658626214864 and parameters: {'x': 2.292571031186365, 'y': 2.5656135386612258}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,921] Trial 90 finished with value: 11.964499715377078 and parameters: {'x': 2.420104451434129, 'y': 4.2219289726967375}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:27:30,922] Trial 91 finished with value: 2.826913907516392 and parameters: {'x': 0.874069474110597, 'y': 0.0731743755162495}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,923] Trial 92 finished with value: 12.799381162755227 and parameters: {'x': 4.24382035905616, 'y': 3.7133728864971705}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,924] Trial 93 finished with value: 8.415639605279267 and parameters: {'x': 2.283487676600861, 'y': 2.084492035246889}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,925] Trial 94 finished with value: 6.648507949382903 and parameters: {'x': 0.5836475547348163, 'y': 1.6933956649466986}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,926] Trial 95 finished with value: 10.321671031403987 and parameters: {'x': 0.4732952037182653, 'y': 3.579154363756571}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,926] Trial 96 finished with value: 4.476198346748607 and parameters: {'x': 0.3854270220801931, 'y': 1.0297512918448626}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,927] Trial 97 finished with value: 9.179908484929722 and parameters: {'x': 2.868881157256011, 'y': 1.4691577760188401}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,928] Trial 98 finished with value: 11.609756716580515 and parameters: {'x': 3.278633713572991, 'y': 4.017841738716098}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,929] Trial 99 finished with value: 6.625902168595072 and parameters: {'x': 1.7560675149820437, 'y': 0.4672018847188353}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,930] Trial 100 finished with value: 11.261545077172835 and parameters: {'x': 4.066580418354021, 'y': 3.9243335913847344}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,931] Trial 101 finished with value: 11.190968700537157 and parameters: {'x': 1.967095562182577, 'y': 4.322395969009766}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,932] Trial 102 finished with value: 6.911109890757974 and parameters: {'x': 1.9201538405786622, 'y': 1.2865144360250191}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,932] Trial 103 finished with value: 12.490683781539499 and parameters: {'x': 4.1470095991361795, 'y': 3.681913519192817}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,933] Trial 104 finished with value: 10.848166908046393 and parameters: {'x': 2.538004540274797, 'y': 3.2216330752070848}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,934] Trial 105 finished with value: 11.32542096737529 and parameters: {'x': 1.0659328268932406, 'y': 4.478544743517791}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,935] Trial 106 finished with value: 12.145433872665942 and parameters: {'x': 4.829731257539075, 'y': 1.5850078115289405}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,936] Trial 107 finished with value: 11.786981252421768 and parameters: {'x': 4.327763091136416, 'y': 1.5514185347005949}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:27:30,937] Trial 108 finished with value: 2.0472944535777273 and parameters: {'x': 0.12631972715908546, 'y': 0.24597578886864313}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,938] Trial 109 finished with value: 4.145224959722373 and parameters: {'x': 0.9231341900713275, 'y': 0.34516670808627026}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,939] Trial 110 finished with value: 11.931360118539573 and parameters: {'x': 1.2873771170227155, 'y': 4.567908657853373}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,940] Trial 111 finished with value: 7.772705651810355 and parameters: {'x': 2.2892475598720523, 'y': 0.6510589473979744}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,941] Trial 112 finished with value: 9.524332905886311 and parameters: {'x': 4.0494583270008935, 'y': 2.01734920240333}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,942] Trial 113 finished with value: 10.520695532088595 and parameters: {'x': 0.12216322491582055, 'y': 4.284155213138763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,943] Trial 114 finished with value: 10.597438973670814 and parameters: {'x': 1.371474095076981, 'y': 3.5455298203599526}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,944] Trial 115 finished with value: 10.120097947889937 and parameters: {'x': 1.7788617141183165, 'y': 3.971545309132671}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,945] Trial 116 finished with value: 11.960450407585382 and parameters: {'x': 4.223094305719252, 'y': 2.690737585699792}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,946] Trial 117 finished with value: 8.587748682117635 and parameters: {'x': 2.795432582016292, 'y': 0.6125499071870993}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,947] Trial 118 finished with value: 7.369283296210424 and parameters: {'x': 1.8882095928704012, 'y': 2.1437366456452134}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,948] Trial 119 finished with value: 12.663827787679372 and parameters: {'x': 2.556043231427327, 'y': 4.458812849678472}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,948] Trial 120 finished with value: 7.650631541913702 and parameters: {'x': 1.5010530579700654, 'y': 1.9822093943922525}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,949] Trial 121 finished with value: 9.498157519309544 and parameters: {'x': 3.9663661651380706, 'y': 2.061380386767003}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,950] Trial 122 finished with value: 10.019682178888301 and parameters: {'x': 0.9243377499545619, 'y': 4.201236580441953}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,951] Trial 123 finished with value: 8.237633967855434 and parameters: {'x': 2.8463569985064425, 'y': 0.3002510277540982}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,952] Trial 124 finished with value: 10.781591638486919 and parameters: {'x': 4.944584870981005, 'y': 1.1439116660098265}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,953] Trial 125 finished with value: 8.621572297432854 and parameters: {'x': 3.0735085649008482, 'y': 1.8401334041772972}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,954] Trial 126 finished with value: 10.713009182969788 and parameters: {'x': 4.013879681741232, 'y': 3.1378092635281445}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,955] Trial 127 finished with value: 10.98074403397134 and parameters: {'x': 4.106082380991301, 'y': 1.441265693961082}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,956] Trial 128 finished with value: 9.024647633357716 and parameters: {'x': 1.3739756579638436, 'y': 3.00525945566255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,956] Trial 129 finished with value: 13.49082379516863 and parameters: {'x': 4.692570986046688, 'y': 3.5364815467071864}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,957] Trial 130 finished with value: 5.874821960577492 and parameters: {'x': 1.3170158247837875, 'y': 0.6116796055750251}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,958] Trial 131 finished with value: 12.140532436293423 and parameters: {'x': 2.2936211459493183, 'y': 4.8740624969833455}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,959] Trial 132 finished with value: 9.508596165882706 and parameters: {'x': 3.4028718722222235, 'y': 0.9662686614323052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,960] Trial 133 finished with value: 11.43232227635066 and parameters: {'x': 0.233696135806975, 'y': 4.763219683853119}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,961] Trial 134 finished with value: 12.909468873966272 and parameters: {'x': 4.2932450773421325, 'y': 4.139515878742856}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,962] Trial 135 finished with value: 11.717204018330282 and parameters: {'x': 4.819502614191414, 'y': 2.994682245363374}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,963] Trial 136 finished with value: 11.730163602366163 and parameters: {'x': 4.654579179238757, 'y': 0.733844071393634}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,964] Trial 137 finished with value: 6.653881018965677 and parameters: {'x': 0.569801543773461, 'y': 1.8601445108691723}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,965] Trial 138 finished with value: 10.741151207828954 and parameters: {'x': 3.832800632854534, 'y': 1.6057101573247974}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,966] Trial 139 finished with value: 8.041035108445248 and parameters: {'x': 3.1901754067231334, 'y': 0.04610550834939442}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,967] Trial 140 finished with value: 9.248413466368948 and parameters: {'x': 2.71732519237458, 'y': 1.6887732344259176}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,967] Trial 141 finished with value: 14.219077219048492 and parameters: {'x': 4.490121544247577, 'y': 4.703535192416116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,968] Trial 142 finished with value: 6.631265309603911 and parameters: {'x': 1.920609245767847, 'y': 1.9805889617029848}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,969] Trial 143 finished with value: 11.598473392731933 and parameters: {'x': 4.48639972409674, 'y': 0.2941118405092352}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,970] Trial 144 finished with value: 6.694767599306697 and parameters: {'x': 2.0268964421478453, 'y': 0.6508777031545621}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,971] Trial 145 finished with value: 10.288922686627453 and parameters: {'x': 0.4348470446230879, 'y': 3.919821434794939}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,972] Trial 146 finished with value: 9.21998684759554 and parameters: {'x': 1.5228667767331006, 'y': 2.9202793627763453}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,973] Trial 147 finished with value: 13.970932382384035 and parameters: {'x': 4.392330892133315, 'y': 4.403960303067703}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,973] Trial 148 finished with value: 10.220646476518713 and parameters: {'x': 3.004771036228382, 'y': 3.2261387284201657}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,974] Trial 149 finished with value: 6.025594798063533 and parameters: {'x': 0.28314101419053106, 'y': 1.487420484879609}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,975] Trial 150 finished with value: 9.686112989082387 and parameters: {'x': 3.458873037882333, 'y': 0.9451472642781766}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,976] Trial 151 finished with value: 11.477795880312842 and parameters: {'x': 4.015037683584489, 'y': 2.5738187492835642}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,977] Trial 152 finished with value: 9.536662274540596 and parameters: {'x': 3.7864302015780735, 'y': 0.8889437430854896}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,978] Trial 153 finished with value: 8.138475011363663 and parameters: {'x': 0.41310145647746377, 'y': 2.4103598486142923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,979] Trial 154 finished with value: 11.493703576527055 and parameters: {'x': 2.6442693968106306, 'y': 3.481541359044985}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,980] Trial 155 finished with value: 9.341702473870399 and parameters: {'x': 1.023808070150981, 'y': 3.356861649786817}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,980] Trial 156 finished with value: 9.45980967724605 and parameters: {'x': 3.966346626632103, 'y': 0.20868906258480535}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,981] Trial 157 finished with value: 13.378541634779003 and parameters: {'x': 4.816787528607454, 'y': 4.876963585866664}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,982] Trial 158 finished with value: 8.398878019226897 and parameters: {'x': 2.7533039211090755, 'y': 0.3245349120330482}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,983] Trial 159 finished with value: 5.671727248950585 and parameters: {'x': 1.7261839493092874, 'y': 0.1021498440574764}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,984] Trial 160 finished with value: 8.900670733919403 and parameters: {'x': 4.0042590489180805, 'y': 1.039635490660757}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,985] Trial 161 finished with value: 10.104130916382784 and parameters: {'x': 0.7162625545259099, 'y': 3.4994699226462638}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,986] Trial 162 finished with value: 5.315897263639183 and parameters: {'x': 0.28974903005027364, 'y': 1.2830378342449826}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,987] Trial 163 finished with value: 12.628574431426383 and parameters: {'x': 2.551658922744225, 'y': 4.97629392410128}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,988] Trial 164 finished with value: 7.447601498443641 and parameters: {'x': 0.7325783965840083, 'y': 2.247573887993382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,989] Trial 165 finished with value: 8.717294962338975 and parameters: {'x': 3.007201880914031, 'y': 0.48636247069940075}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,989] Trial 166 finished with value: 10.747736503597993 and parameters: {'x': 1.4436744027098762, 'y': 3.603999509537035}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,990] Trial 167 finished with value: 11.672696062044226 and parameters: {'x': 2.754030320204744, 'y': 4.192885075269436}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,991] Trial 168 finished with value: 7.3765020440620965 and parameters: {'x': 2.901656757339883, 'y': 0.9228586830481306}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,992] Trial 169 finished with value: 12.413208648223295 and parameters: {'x': 3.077510585292704, 'y': 4.434775442343052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,993] Trial 170 finished with value: 10.541150607138487 and parameters: {'x': 2.5839463891022096, 'y': 3.130718345632117}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,993] Trial 171 finished with value: 12.756318698680404 and parameters: {'x': 2.525295587782306, 'y': 4.5483128829327715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,994] Trial 172 finished with value: 9.05472987128604 and parameters: {'x': 2.0665232778228515, 'y': 2.677343581458615}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,995] Trial 173 finished with value: 6.621158640130886 and parameters: {'x': 1.713215627822633, 'y': 0.6478838857163005}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,996] Trial 174 finished with value: 13.166998514264037 and parameters: {'x': 3.3141087569999437, 'y': 4.678350009978248}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,997] Trial 175 finished with value: 11.37039215348121 and parameters: {'x': 3.06364590964527, 'y': 4.213692497248822}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,998] Trial 176 finished with value: 11.421697035283117 and parameters: {'x': 1.0895421810142136, 'y': 4.515858698649607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,998] Trial 177 finished with value: 3.399518378372946 and parameters: {'x': 0.04884988559842873, 'y': 1.1290636333171737}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:30,999] Trial 178 finished with value: 11.790711998551938 and parameters: {'x': 0.6602756363599344, 'y': 4.537714732580255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,000] Trial 179 finished with value: 12.457058855171512 and parameters: {'x': 4.5511531832988155, 'y': 2.9052895356745245}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,001] Trial 180 finished with value: 4.270689977380076 and parameters: {'x': 0.4374652626195269, 'y': 0.5843971978719908}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,002] Trial 181 finished with value: 12.240165558984787 and parameters: {'x': 3.8553562765392724, 'y': 3.6639763439826103}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,003] Trial 182 finished with value: 6.590515277343432 and parameters: {'x': 0.435641784662561, 'y': 1.7873159905994234}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,004] Trial 183 finished with value: 10.17214430542262 and parameters: {'x': 3.8660581087613077, 'y': 0.6573580080587804}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,005] Trial 184 finished with value: 11.43917166431362 and parameters: {'x': 2.68916216926987, 'y': 3.7736178311347457}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,006] Trial 185 finished with value: 8.969937960798413 and parameters: {'x': 1.3626308799556757, 'y': 2.8325849795366413}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,007] Trial 186 finished with value: 10.041893106125363 and parameters: {'x': 2.3834248535833096, 'y': 2.7831034627091973}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,008] Trial 187 finished with value: 10.826547273250752 and parameters: {'x': 2.2036852870690056, 'y': 3.4686868213095585}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,009] Trial 188 finished with value: 12.426924191010318 and parameters: {'x': 3.5911859015982364, 'y': 3.7819117894779923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,009] Trial 189 finished with value: 9.532608489210268 and parameters: {'x': 0.18661004505669543, 'y': 3.394176984464907}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,010] Trial 190 finished with value: 8.135150111944762 and parameters: {'x': 2.386104004539672, 'y': 0.5008569383546607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,011] Trial 191 finished with value: 11.234871968202231 and parameters: {'x': 3.070981168573452, 'y': 4.18957254483098}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,012] Trial 192 finished with value: 10.837341646724049 and parameters: {'x': 3.6694701882941674, 'y': 1.6078279135595364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,013] Trial 193 finished with value: 2.853729868628715 and parameters: {'x': 0.33927655543450175, 'y': 0.1866511853213626}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,014] Trial 194 finished with value: 8.102320702453188 and parameters: {'x': 2.7956265198024104, 'y': 0.8042634963427392}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,015] Trial 195 finished with value: 6.2265106786220485 and parameters: {'x': 1.3394409285104592, 'y': 1.1785597821799847}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,015] Trial 196 finished with value: 3.2200767735665927 and parameters: {'x': 0.0967373080891365, 'y': 0.7584321219748957}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,016] Trial 197 finished with value: 10.792978685682154 and parameters: {'x': 0.1695125656628088, 'y': 4.909174290439391}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,017] Trial 198 finished with value: 10.474479619963939 and parameters: {'x': 1.8024265507702935, 'y': 4.127322642810085}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,018] Trial 199 finished with value: 7.000149994893448 and parameters: {'x': 2.0611870425872763, 'y': 1.2658957315496995}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,019] Trial 200 finished with value: 9.720250252035754 and parameters: {'x': 1.1835543824008021, 'y': 3.865577996383569}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,020] Trial 201 finished with value: 12.227465780083314 and parameters: {'x': 3.3562845256281584, 'y': 3.531654426003335}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,021] Trial 202 finished with value: 12.210582618377428 and parameters: {'x': 4.265777065952011, 'y': 2.6102478341800395}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,022] Trial 203 finished with value: 9.417005707712555 and parameters: {'x': 2.2138482666072563, 'y': 2.7687422062775187}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,022] Trial 204 finished with value: 11.469682332813566 and parameters: {'x': 3.25997424203055, 'y': 3.942769372376201}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,023] Trial 205 finished with value: 12.079734998646657 and parameters: {'x': 4.461347258463439, 'y': 1.5455257933952686}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,024] Trial 206 finished with value: 10.242782580711673 and parameters: {'x': 0.6780488613353464, 'y': 3.7546332592209364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,025] Trial 207 finished with value: 11.349746970151045 and parameters: {'x': 2.634166107685379, 'y': 3.9236929038023707}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,026] Trial 208 finished with value: 10.85409333443086 and parameters: {'x': 2.1496305142828613, 'y': 4.19423293806763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,027] Trial 209 finished with value: 8.748226607352638 and parameters: {'x': 2.6867701271181477, 'y': 1.2521196657508715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,028] Trial 210 finished with value: 3.6675219100206 and parameters: {'x': 0.2944700572038689, 'y': 0.4597464245382382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,029] Trial 211 finished with value: 6.733554910774435 and parameters: {'x': 0.8709997157072319, 'y': 2.1962717529913767}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,030] Trial 212 finished with value: 13.275572772621532 and parameters: {'x': 4.054671125375529, 'y': 4.552010618031673}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,031] Trial 213 finished with value: 9.156372510625387 and parameters: {'x': 2.8804535600599386, 'y': 1.455772148901746}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,032] Trial 214 finished with value: 11.053685497303166 and parameters: {'x': 3.258931858906078, 'y': 3.1896035037778403}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,033] Trial 215 finished with value: 12.688867058298401 and parameters: {'x': 2.5178736985866528, 'y': 4.827763578108981}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,034] Trial 216 finished with value: 13.143915044023823 and parameters: {'x': 4.033455748052451, 'y': 4.642596782018086}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,035] Trial 217 finished with value: 11.501118854064435 and parameters: {'x': 3.0696756333221895, 'y': 4.910019581715506}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,036] Trial 218 finished with value: 9.618849650879131 and parameters: {'x': 3.574939779226631, 'y': 0.043296357086455295}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,037] Trial 219 finished with value: 11.337201623088333 and parameters: {'x': 1.4407279049690558, 'y': 4.206993287509106}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,038] Trial 220 finished with value: 6.882791405849485 and parameters: {'x': 2.215885435136737, 'y': 0.8652486173830182}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,039] Trial 221 finished with value: 10.356085023005411 and parameters: {'x': 0.5726355611313177, 'y': 3.9894029801061537}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,040] Trial 222 finished with value: 10.902930543766338 and parameters: {'x': 3.244525757228069, 'y': 2.50872999073498}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,040] Trial 223 finished with value: 9.72674798257857 and parameters: {'x': 1.428201041160826, 'y': 3.1834791424269584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,041] Trial 224 finished with value: 8.999635175804276 and parameters: {'x': 1.8417095266511174, 'y': 2.6976927167612597}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,042] Trial 225 finished with value: 12.342284304379254 and parameters: {'x': 3.810334009899379, 'y': 4.199437405771903}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,043] Trial 226 finished with value: 8.504027200451612 and parameters: {'x': 0.5247870601084398, 'y': 2.553156541729579}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,044] Trial 227 finished with value: 9.080756473737205 and parameters: {'x': 3.2274433137208787, 'y': 0.7653340712632956}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,045] Trial 228 finished with value: 10.498147057144351 and parameters: {'x': 0.008798245521798864, 'y': 4.8352287661502515}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,046] Trial 229 finished with value: 10.625090716792682 and parameters: {'x': 4.039332666325461, 'y': 1.3703379468173575}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,047] Trial 230 finished with value: 6.1355422884542605 and parameters: {'x': 1.3954480353606296, 'y': 0.6033982071098909}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,048] Trial 231 finished with value: 12.682917751678975 and parameters: {'x': 2.403441324954285, 'y': 4.661509893812813}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,049] Trial 232 finished with value: 11.774995548643213 and parameters: {'x': 4.574637128841343, 'y': 1.219375479879055}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,050] Trial 233 finished with value: 10.978375842604487 and parameters: {'x': 1.9742914820793693, 'y': 4.851197651132945}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,051] Trial 234 finished with value: 12.119938844650308 and parameters: {'x': 1.378098168018807, 'y': 4.6892472043320685}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,052] Trial 235 finished with value: 13.137380053631484 and parameters: {'x': 3.845060785117532, 'y': 4.423593440530303}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,053] Trial 236 finished with value: 11.31174382971022 and parameters: {'x': 4.355024876220002, 'y': 0.7323547961340754}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,054] Trial 237 finished with value: 13.188985764251004 and parameters: {'x': 3.9459439396258817, 'y': 4.546111228357549}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,055] Trial 238 finished with value: 12.775291947108045 and parameters: {'x': 4.190852742653525, 'y': 3.5601559319358116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,056] Trial 239 finished with value: 7.707597241407441 and parameters: {'x': 1.536897092687322, 'y': 1.7689227738549467}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,056] Trial 240 finished with value: 5.22672624314151 and parameters: {'x': 1.1817669761188916, 'y': 0.4490581953161277}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,057] Trial 241 finished with value: 7.510297578894374 and parameters: {'x': 0.9723908716101909, 'y': 3.079039376835584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,058] Trial 242 finished with value: 13.44024542713433 and parameters: {'x': 4.660418377825547, 'y': 3.4554197489155487}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,059] Trial 243 finished with value: 8.844390826703956 and parameters: {'x': 2.8142352335212815, 'y': 1.3187789770627112}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,060] Trial 244 finished with value: 11.40539149996344 and parameters: {'x': 2.6357344044248325, 'y': 4.021914573545422}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,061] Trial 245 finished with value: 6.133436500818917 and parameters: {'x': 1.4753794695299933, 'y': 0.9166927527975044}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,062] Trial 246 finished with value: 9.542874483876695 and parameters: {'x': 0.09866229753310307, 'y': 3.716606159862748}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,063] Trial 247 finished with value: 6.48812817105026 and parameters: {'x': 0.191467020929183, 'y': 2.1683983448692428}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,064] Trial 248 finished with value: 9.554429765837991 and parameters: {'x': 4.1604238065637436, 'y': 0.06729279249878872}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,065] Trial 249 finished with value: 10.10757671940421 and parameters: {'x': 2.546676957570693, 'y': 2.397743500706264}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:27:31,066] Trial 250 finished with value: 1.0107616991357382 and parameters: {'x': 0.14827470398864118, 'y': 0.05714263412033127}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,066] Trial 251 finished with value: 6.323876055572224 and parameters: {'x': 1.6592200011724718, 'y': 0.30715539302647477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,067] Trial 252 finished with value: 12.27777005427824 and parameters: {'x': 2.990867540282372, 'y': 4.4296012676131165}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,068] Trial 253 finished with value: 5.888565518184436 and parameters: {'x': 2.0606688768197037, 'y': 0.19136099451097843}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,069] Trial 254 finished with value: 3.846931736921775 and parameters: {'x': 0.40421201895402825, 'y': 0.4095727115092429}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,070] Trial 255 finished with value: 11.116741954263512 and parameters: {'x': 4.046836669107675, 'y': 4.003470014424989}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,071] Trial 256 finished with value: 10.548427810995527 and parameters: {'x': 0.08454905677353852, 'y': 4.306471626153089}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,072] Trial 257 finished with value: 11.794532699469258 and parameters: {'x': 4.556501121762242, 'y': 2.0043834231758106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,072] Trial 258 finished with value: 11.358371336061872 and parameters: {'x': 1.4344534916885388, 'y': 4.2152244263191925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,073] Trial 259 finished with value: 8.604726890176462 and parameters: {'x': 3.0852227648870825, 'y': 0.702993633926971}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,074] Trial 260 finished with value: 10.368046930771534 and parameters: {'x': 1.1437780685795795, 'y': 4.20748985587598}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,075] Trial 261 finished with value: 10.292732211355425 and parameters: {'x': 4.22179236754099, 'y': 1.1007299669031934}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,076] Trial 262 finished with value: 11.369252561448086 and parameters: {'x': 4.05568819876081, 'y': 2.679767669445578}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,077] Trial 263 finished with value: 10.280651858444699 and parameters: {'x': 3.052142244912166, 'y': 2.6193494156314086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,078] Trial 264 finished with value: 8.07278439807948 and parameters: {'x': 3.1981457424778132, 'y': 0.025781740169585343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,079] Trial 265 finished with value: 9.556500701329405 and parameters: {'x': 0.12369391707809763, 'y': 3.4501319265785617}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,080] Trial 266 finished with value: 9.816116481887354 and parameters: {'x': 0.857965097811067, 'y': 3.469653368443282}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,081] Trial 267 finished with value: 5.842310943888105 and parameters: {'x': 1.426328115609064, 'y': 0.27552960390844206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,082] Trial 268 finished with value: 9.184290769515863 and parameters: {'x': 2.911114512930047, 'y': 1.4790936328279773}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,082] Trial 269 finished with value: 12.106973431816996 and parameters: {'x': 1.6140806778765233, 'y': 4.834946939274982}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,083] Trial 270 finished with value: 6.055173789253882 and parameters: {'x': 0.9746733239154337, 'y': 1.7369825257280702}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,084] Trial 271 finished with value: 6.801636111260548 and parameters: {'x': 0.5200703255535455, 'y': 2.0089092623724447}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,085] Trial 272 finished with value: 8.431382325178696 and parameters: {'x': 0.46423822543645576, 'y': 2.5242190323084963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,086] Trial 273 finished with value: 9.429375698322708 and parameters: {'x': 3.712953704723704, 'y': 0.026452545846914477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,087] Trial 274 finished with value: 3.601690824054902 and parameters: {'x': 0.45080584422510395, 'y': 0.2809199045597016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,088] Trial 275 finished with value: 13.867914662524237 and parameters: {'x': 4.421628316832168, 'y': 4.927929283264253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,089] Trial 276 finished with value: 8.12543959172015 and parameters: {'x': 2.6008734281374934, 'y': 0.9920871476639787}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,090] Trial 277 finished with value: 13.061611962615949 and parameters: {'x': 4.666741580415096, 'y': 3.2729910167106846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,090] Trial 278 finished with value: 11.43329057734574 and parameters: {'x': 3.9589587358004352, 'y': 2.556078393056895}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,091] Trial 279 finished with value: 10.536218642414656 and parameters: {'x': 3.9410594618961015, 'y': 1.6739836583743362}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,092] Trial 280 finished with value: 11.836721075355921 and parameters: {'x': 0.5662656720869486, 'y': 4.524069883514123}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,094] Trial 281 finished with value: 2.56045959627064 and parameters: {'x': 0.021119567542035034, 'y': 0.36751940303380193}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,095] Trial 282 finished with value: 11.83237063871328 and parameters: {'x': 0.6614568197768117, 'y': 4.7107495963735}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,096] Trial 283 finished with value: 6.367933259946817 and parameters: {'x': 1.514648431213112, 'y': 1.066565255901516}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,097] Trial 284 finished with value: 5.672598765407816 and parameters: {'x': 1.2783127625776287, 'y': 0.4796003339718996}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,098] Trial 285 finished with value: 10.385824371877787 and parameters: {'x': 2.0089894149954834, 'y': 3.655138201778497}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,099] Trial 286 finished with value: 9.468906639144176 and parameters: {'x': 3.2410496762079544, 'y': 1.2542279041725952}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,100] Trial 287 finished with value: 8.275616859112345 and parameters: {'x': 1.1371945697591408, 'y': 2.4790807917023434}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,101] Trial 288 finished with value: 12.332042617986879 and parameters: {'x': 4.323824833914893, 'y': 3.1703187656142324}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,101] Trial 289 finished with value: 10.616297086619696 and parameters: {'x': 3.7724623745413237, 'y': 2.1856159563386592}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,102] Trial 290 finished with value: 10.436104291698209 and parameters: {'x': 2.001060451213909, 'y': 3.6145815697262718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,103] Trial 291 finished with value: 8.794036139572007 and parameters: {'x': 1.861842897061573, 'y': 2.7629901519965023}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,104] Trial 292 finished with value: 8.543717978852516 and parameters: {'x': 0.40231808678595715, 'y': 2.97137783551767}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,105] Trial 293 finished with value: 10.720706351202566 and parameters: {'x': 1.404607334666036, 'y': 3.712237931572004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,106] Trial 294 finished with value: 10.791279999427607 and parameters: {'x': 1.4941359832634156, 'y': 3.787683420855808}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,107] Trial 295 finished with value: 3.3759630562706633 and parameters: {'x': 1.1318006900942001, 'y': 0.022038224615346658}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,108] Trial 296 finished with value: 6.328225222651152 and parameters: {'x': 0.6989014049359793, 'y': 1.4788185112007963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,109] Trial 297 finished with value: 7.859824043178897 and parameters: {'x': 0.9779690812537833, 'y': 2.7444101892144577}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,110] Trial 298 finished with value: 9.03281296423037 and parameters: {'x': 1.0499608504502294, 'y': 3.8924608513935106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,111] Trial 299 finished with value: 10.620615567321307 and parameters: {'x': 2.423399515211379, 'y': 3.1967019636164173}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,112] Trial 300 finished with value: 11.516797528464172 and parameters: {'x': 0.8384815371736137, 'y': 4.623413018911441}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,114] Trial 301 finished with value: 10.111886767394223 and parameters: {'x': 3.586699756816521, 'y': 0.7740680574908343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,115] Trial 302 finished with value: 9.836637987623748 and parameters: {'x': 3.6181680290969664, 'y': 0.932049629125622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,116] Trial 303 finished with value: 9.558754652272322 and parameters: {'x': 4.148322826217383, 'y': 0.9832088166987718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,116] Trial 304 finished with value: 12.425351652364135 and parameters: {'x': 4.806503345558579, 'y': 2.7379879240822897}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,117] Trial 305 finished with value: 4.323918901870375 and parameters: {'x': 1.114317998680301, 'y': 1.0636334525707207}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,118] Trial 306 finished with value: 10.305612608299866 and parameters: {'x': 3.1399398120322, 'y': 3.16638064574976}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,119] Trial 307 finished with value: 10.97430213769254 and parameters: {'x': 1.516395186429309, 'y': 4.081838757267333}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,120] Trial 308 finished with value: 9.870730647526344 and parameters: {'x': 2.0952835850444718, 'y': 4.069291426169951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,120] Trial 309 finished with value: 11.759512309986066 and parameters: {'x': 1.3260758528051553, 'y': 4.917127357017433}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,121] Trial 310 finished with value: 11.981160675499067 and parameters: {'x': 4.361526613299537, 'y': 2.242622946824728}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,122] Trial 311 finished with value: 5.876524131282984 and parameters: {'x': 1.676922549236917, 'y': 0.1485302699169916}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,123] Trial 312 finished with value: 13.102557317214668 and parameters: {'x': 4.954683743247883, 'y': 3.404747624152946}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,124] Trial 313 finished with value: 3.556361695609432 and parameters: {'x': 0.9457909320079672, 'y': 0.2252277474858655}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,125] Trial 314 finished with value: 8.87521749375287 and parameters: {'x': 0.0656977268124953, 'y': 3.309053083147978}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,126] Trial 315 finished with value: 6.476920544203612 and parameters: {'x': 0.5375617234826391, 'y': 1.5497881965234401}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,127] Trial 316 finished with value: 6.474013023556381 and parameters: {'x': 1.5397372414690502, 'y': 0.5873611308241922}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,127] Trial 317 finished with value: 13.685574803390994 and parameters: {'x': 4.734657103975001, 'y': 4.886952746178025}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,128] Trial 318 finished with value: 13.186159803321855 and parameters: {'x': 4.522396271343545, 'y': 3.980900747325177}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,129] Trial 319 finished with value: 10.182630143544603 and parameters: {'x': 0.32714711433914023, 'y': 3.5851931299846216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,130] Trial 320 finished with value: 7.545386493181928 and parameters: {'x': 2.2795521713986853, 'y': 0.7574185647525072}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,131] Trial 321 finished with value: 8.638261103686963 and parameters: {'x': 3.2336009756118003, 'y': 0.14617285939798774}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,132] Trial 322 finished with value: 13.291024791731683 and parameters: {'x': 3.7676043625502604, 'y': 4.448664730450772}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,133] Trial 323 finished with value: 5.694105094624511 and parameters: {'x': 0.05190019638577792, 'y': 1.6371392140332086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,134] Trial 324 finished with value: 10.783326963098192 and parameters: {'x': 4.142455457362445, 'y': 0.5629879698020956}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,135] Trial 325 finished with value: 9.235517675024784 and parameters: {'x': 0.12347868956855801, 'y': 4.071767644361329}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,136] Trial 326 finished with value: 6.097217281302395 and parameters: {'x': 1.2445263598758256, 'y': 1.2459829781456622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,136] Trial 327 finished with value: 5.959002451181533 and parameters: {'x': 0.7911840003011694, 'y': 1.3802797427861135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,137] Trial 328 finished with value: 7.483850239123026 and parameters: {'x': 2.14355172786834, 'y': 1.2921090270223545}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,138] Trial 329 finished with value: 7.465298730631504 and parameters: {'x': 1.8347352105276098, 'y': 1.746477966487205}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,139] Trial 330 finished with value: 7.702404747451398 and parameters: {'x': 1.66517890218663, 'y': 1.5168359888758993}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,140] Trial 331 finished with value: 7.329359741427874 and parameters: {'x': 1.575636430769551, 'y': 1.351125886959632}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,141] Trial 332 finished with value: 14.078439072449353 and parameters: {'x': 4.501473093762016, 'y': 4.834871016468915}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,142] Trial 333 finished with value: 11.805430242079208 and parameters: {'x': 4.483492736708329, 'y': 1.8663768989833134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,142] Trial 334 finished with value: 10.047661277193004 and parameters: {'x': 3.241396081360119, 'y': 1.5572090773062781}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,143] Trial 335 finished with value: 11.15966514900903 and parameters: {'x': 4.049860509608515, 'y': 4.023864483544081}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,144] Trial 336 finished with value: 10.351940922778217 and parameters: {'x': 3.9720884433516837, 'y': 0.5571758641568014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,145] Trial 337 finished with value: 11.312331656251716 and parameters: {'x': 4.057990718166497, 'y': 3.8977616929827925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,146] Trial 338 finished with value: 12.006578213933567 and parameters: {'x': 4.425400775488195, 'y': 1.612105259116436}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,147] Trial 339 finished with value: 4.546941065900725 and parameters: {'x': 0.5358271586999214, 'y': 0.8062487863403994}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,148] Trial 340 finished with value: 12.265954484314824 and parameters: {'x': 3.3639318073143447, 'y': 3.5707494667728037}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,149] Trial 341 finished with value: 9.686972424965605 and parameters: {'x': 1.1861710149027471, 'y': 4.028586842399676}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,150] Trial 342 finished with value: 13.975807137190671 and parameters: {'x': 4.59148148699102, 'y': 4.923109231094016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,150] Trial 343 finished with value: 12.615031694753085 and parameters: {'x': 4.985235725102164, 'y': 2.5796198033147206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,151] Trial 344 finished with value: 10.144438364863607 and parameters: {'x': 3.5004215430859222, 'y': 0.38279387609597704}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,152] Trial 345 finished with value: 13.285695130939878 and parameters: {'x': 4.5057074837582505, 'y': 4.0679132355585885}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,153] Trial 346 finished with value: 11.478174070108826 and parameters: {'x': 1.7953085662528945, 'y': 4.878518685464871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,154] Trial 347 finished with value: 5.066670251181307 and parameters: {'x': 1.9299304849809777, 'y': 0.0810469599552216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,155] Trial 348 finished with value: 7.725318776920252 and parameters: {'x': 0.09337227681652627, 'y': 2.7206977168107755}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,156] Trial 349 finished with value: 6.533854655052597 and parameters: {'x': 2.2157315861663758, 'y': 0.12850073723539135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,157] Trial 350 finished with value: 7.2859343683842965 and parameters: {'x': 1.8415225727936901, 'y': 2.1016025395545164}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,158] Trial 351 finished with value: 10.684908763016509 and parameters: {'x': 2.0270198062608795, 'y': 4.990388323243462}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,158] Trial 352 finished with value: 6.960187867889932 and parameters: {'x': 0.7833768772095029, 'y': 2.184794533969097}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,159] Trial 353 finished with value: 11.914386023386182 and parameters: {'x': 1.3511632715491224, 'y': 4.844817182998316}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,160] Trial 354 finished with value: 11.293224743723567 and parameters: {'x': 2.949045207579127, 'y': 3.5209321207041686}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,161] Trial 355 finished with value: 11.743346380615318 and parameters: {'x': 3.2496833610633677, 'y': 3.7770354167726987}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,162] Trial 356 finished with value: 11.679458875312944 and parameters: {'x': 4.426571355138362, 'y': 1.2652636739771244}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,163] Trial 357 finished with value: 7.773193283576287 and parameters: {'x': 1.1399690325804452, 'y': 3.013208541388202}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,164] Trial 358 finished with value: 10.168683800840451 and parameters: {'x': 1.1808208021313833, 'y': 3.6549315019705926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,165] Trial 359 finished with value: 9.62287503614435 and parameters: {'x': 3.3199945879638477, 'y': 1.1963746011645409}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,166] Trial 360 finished with value: 6.263740157827893 and parameters: {'x': 0.9295736477647659, 'y': 1.5638785802177801}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,168] Trial 361 finished with value: 8.422765161329606 and parameters: {'x': 1.8316448318363294, 'y': 2.949533951061176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,169] Trial 362 finished with value: 10.768903724134223 and parameters: {'x': 3.796194699561968, 'y': 1.6117538913772222}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,170] Trial 363 finished with value: 10.175476140465943 and parameters: {'x': 2.510110725524435, 'y': 2.9191553264881014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,171] Trial 364 finished with value: 10.554224493626993 and parameters: {'x': 1.3330044128659595, 'y': 3.56923322272833}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,172] Trial 365 finished with value: 10.428277943619925 and parameters: {'x': 2.2863555352433185, 'y': 3.251156861961829}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,173] Trial 366 finished with value: 9.397435687476593 and parameters: {'x': 2.513344192595443, 'y': 2.15696782708575}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,174] Trial 367 finished with value: 9.640255388206626 and parameters: {'x': 3.5888323054397455, 'y': 0.061804212855827156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,175] Trial 368 finished with value: 8.503077368268185 and parameters: {'x': 0.4014718752766372, 'y': 2.881864726744231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,176] Trial 369 finished with value: 10.89528845137693 and parameters: {'x': 4.06810858236602, 'y': 2.807681168241926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,176] Trial 370 finished with value: 7.572310130022002 and parameters: {'x': 3.017958480806348, 'y': 1.1029041260820605}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,177] Trial 371 finished with value: 11.35822683786316 and parameters: {'x': 4.597705213070565, 'y': 1.0275035020467445}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,178] Trial 372 finished with value: 10.334301783289174 and parameters: {'x': 3.441692822984785, 'y': 1.8760491085648985}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,179] Trial 373 finished with value: 9.366825163062781 and parameters: {'x': 1.0576451338911523, 'y': 4.104956711060199}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,180] Trial 374 finished with value: 10.319887087205322 and parameters: {'x': 0.572872190428042, 'y': 3.865253471404385}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,181] Trial 375 finished with value: 12.656247846838099 and parameters: {'x': 2.4153025902913856, 'y': 4.748548781570176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,182] Trial 376 finished with value: 10.336268730046392 and parameters: {'x': 2.7485185814912407, 'y': 2.622131045851649}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,183] Trial 377 finished with value: 12.6936342764527 and parameters: {'x': 4.367924052208163, 'y': 3.23362910079036}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,184] Trial 378 finished with value: 5.688948182824891 and parameters: {'x': 1.6461538485913811, 'y': 0.05224659864543846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,185] Trial 379 finished with value: 10.110830500819509 and parameters: {'x': 0.6854770412019723, 'y': 3.851589561924845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,186] Trial 380 finished with value: 12.273207645707943 and parameters: {'x': 4.165333083527113, 'y': 3.3233982753678104}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,186] Trial 381 finished with value: 12.484656744452234 and parameters: {'x': 2.8777810221359696, 'y': 4.542240526758478}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,187] Trial 382 finished with value: 11.425499761607393 and parameters: {'x': 3.5718757576050404, 'y': 2.4095000943864937}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,188] Trial 383 finished with value: 11.803245457094556 and parameters: {'x': 3.5369494495495686, 'y': 3.1968646099923888}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,189] Trial 384 finished with value: 9.042549452967808 and parameters: {'x': 0.12469722720175491, 'y': 4.015370361224231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,190] Trial 385 finished with value: 10.186575518036205 and parameters: {'x': 3.731743586736484, 'y': 1.9353467643436872}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,191] Trial 386 finished with value: 7.988209696799993 and parameters: {'x': 2.9316049100820516, 'y': 1.1817841776438487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,192] Trial 387 finished with value: 11.299408930796828 and parameters: {'x': 4.943151059515143, 'y': 2.9439116523280573}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,193] Trial 388 finished with value: 10.272115300169695 and parameters: {'x': 0.9953894225731719, 'y': 4.9508387129758065}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,194] Trial 389 finished with value: 11.413230783280214 and parameters: {'x': 4.265506968629001, 'y': 1.7206051686515156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,194] Trial 390 finished with value: 13.098549108408804 and parameters: {'x': 3.2852051919341596, 'y': 4.665301925763098}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,195] Trial 391 finished with value: 9.849913964349092 and parameters: {'x': 2.7953817518114112, 'y': 3.0855253870565784}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,196] Trial 392 finished with value: 12.292270609101232 and parameters: {'x': 2.3449460237387805, 'y': 4.974148831105845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,197] Trial 393 finished with value: 11.315203140090853 and parameters: {'x': 4.667368546076479, 'y': 0.14127706194105194}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,198] Trial 394 finished with value: 8.40520651084406 and parameters: {'x': 2.2419646994476965, 'y': 1.6998795591296951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,199] Trial 395 finished with value: 6.260505038728272 and parameters: {'x': 0.778811726152957, 'y': 1.478223468324038}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,200] Trial 396 finished with value: 11.472437481822912 and parameters: {'x': 3.586250970322703, 'y': 2.4350476434490167}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,201] Trial 397 finished with value: 12.235704085862338 and parameters: {'x': 1.5414894309370952, 'y': 4.599743491318141}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,201] Trial 398 finished with value: 10.519853942161596 and parameters: {'x': 3.478770004972627, 'y': 1.3835972523776308}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,202] Trial 399 finished with value: 11.915337561227599 and parameters: {'x': 3.9657694708972295, 'y': 4.993195560328999}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,203] Trial 400 finished with value: 11.320253002288661 and parameters: {'x': 3.521502151128004, 'y': 2.374145628966899}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,204] Trial 401 finished with value: 11.29090329121093 and parameters: {'x': 3.977316749198101, 'y': 2.6625305621987865}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,205] Trial 402 finished with value: 11.875663331991058 and parameters: {'x': 2.873164558462395, 'y': 4.831149901117671}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,206] Trial 403 finished with value: 12.175443931137195 and parameters: {'x': 4.713437402146087, 'y': 2.946326447389634}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,207] Trial 404 finished with value: 8.300926935758039 and parameters: {'x': 1.147792118520532, 'y': 2.4767743459617138}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,208] Trial 405 finished with value: 8.196354605338419 and parameters: {'x': 2.178274914321877, 'y': 1.6548526008809084}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,209] Trial 406 finished with value: 8.732343943691152 and parameters: {'x': 3.018750335116476, 'y': 0.4734319073153487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,209] Trial 407 finished with value: 11.831532846162496 and parameters: {'x': 0.5787878859449158, 'y': 4.848441660674134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,210] Trial 408 finished with value: 11.467460198669075 and parameters: {'x': 4.7644736377631, 'y': 1.9000070726471474}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,211] Trial 409 finished with value: 13.241272533641627 and parameters: {'x': 4.937879774226172, 'y': 3.5911532254609426}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,212] Trial 410 finished with value: 12.199229033452848 and parameters: {'x': 4.621158542946111, 'y': 1.659022406354706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,213] Trial 411 finished with value: 11.274497517651321 and parameters: {'x': 4.213027646130707, 'y': 3.024612028996253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,214] Trial 412 finished with value: 11.011320355706633 and parameters: {'x': 4.209069911893718, 'y': 0.4391846452987075}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,215] Trial 413 finished with value: 7.835987772707956 and parameters: {'x': 1.7524743073911475, 'y': 2.1459799105722226}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,215] Trial 414 finished with value: 9.801001789392005 and parameters: {'x': 4.0132414178067455, 'y': 1.2103487743058405}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,217] Trial 415 finished with value: 4.897269335440885 and parameters: {'x': 0.016661386459545513, 'y': 1.9432817255369261}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,218] Trial 416 finished with value: 11.680835279899052 and parameters: {'x': 4.607965659748283, 'y': 0.763119379038707}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,219] Trial 417 finished with value: 13.246856664211204 and parameters: {'x': 3.749972298117215, 'y': 4.7374180952583425}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,220] Trial 418 finished with value: 5.387323888817008 and parameters: {'x': 1.253885077828284, 'y': 0.787196297398004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,221] Trial 419 finished with value: 7.624139513333427 and parameters: {'x': 1.7152766785823403, 'y': 1.461602709177967}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,222] Trial 420 finished with value: 8.601597924364475 and parameters: {'x': 1.3520658837907396, 'y': 2.372438113797351}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,222] Trial 421 finished with value: 7.379291585291298 and parameters: {'x': 2.7930189821136464, 'y': 0.031737380005553706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,223] Trial 422 finished with value: 10.891688058409025 and parameters: {'x': 4.217288485526173, 'y': 0.6801696396168871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,224] Trial 423 finished with value: 10.299411814439988 and parameters: {'x': 3.8122101873765697, 'y': 0.41218452352049795}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,225] Trial 424 finished with value: 10.208464294714064 and parameters: {'x': 3.81880576682492, 'y': 1.8169659683865675}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,226] Trial 425 finished with value: 10.028817047410373 and parameters: {'x': 1.2087293105524348, 'y': 3.793127415195745}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,227] Trial 426 finished with value: 7.261182866121507 and parameters: {'x': 0.2790957476830819, 'y': 2.2438680755679603}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,228] Trial 427 finished with value: 14.24707476875786 and parameters: {'x': 4.504128191663766, 'y': 4.536426179394706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,229] Trial 428 finished with value: 11.53130854114426 and parameters: {'x': 2.34440646591819, 'y': 4.155224828254459}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,230] Trial 429 finished with value: 10.035148728001966 and parameters: {'x': 3.339457159272726, 'y': 1.3085702530437353}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,231] Trial 430 finished with value: 12.00190998770292 and parameters: {'x': 1.7877920284854298, 'y': 4.638094994544125}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,232] Trial 431 finished with value: 14.01538390195471 and parameters: {'x': 4.410506190386242, 'y': 4.788139963768522}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,232] Trial 432 finished with value: 4.666091133704892 and parameters: {'x': 1.1059764324677757, 'y': 0.7542856870743286}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,233] Trial 433 finished with value: 8.142015730690124 and parameters: {'x': 0.6161159090355595, 'y': 2.3898397730907184}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,234] Trial 434 finished with value: 11.879730726613051 and parameters: {'x': 1.2871110125996195, 'y': 4.732209161219746}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,235] Trial 435 finished with value: 11.50770167045246 and parameters: {'x': 2.4547123105592443, 'y': 3.6044560976192708}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,236] Trial 436 finished with value: 11.39469182989561 and parameters: {'x': 4.981161330369753, 'y': 2.1766888161941926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:27:31,237] Trial 437 finished with value: 0.7804106054859936 and parameters: {'x': 0.10732164140456302, 'y': 0.07550790294400644}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,238] Trial 438 finished with value: 10.429537583216518 and parameters: {'x': 2.3584819107069817, 'y': 3.190198197830021}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,238] Trial 439 finished with value: 4.96540431517192 and parameters: {'x': 0.5277377187120708, 'y': 1.0982878491684678}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,239] Trial 440 finished with value: 12.51959837127892 and parameters: {'x': 3.6746873579644275, 'y': 3.5656393265313238}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,240] Trial 441 finished with value: 13.310419785020215 and parameters: {'x': 4.801937205804211, 'y': 3.656659960854932}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,241] Trial 442 finished with value: 11.149675940912598 and parameters: {'x': 4.200232100305174, 'y': 2.9712838594594713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,242] Trial 443 finished with value: 12.343066204190144 and parameters: {'x': 3.4099618227374546, 'y': 3.554075909742147}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,243] Trial 444 finished with value: 5.6759505823925345 and parameters: {'x': 0.8780434126462405, 'y': 1.9094461322518268}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,244] Trial 445 finished with value: 6.607630149326052 and parameters: {'x': 1.9938793894736069, 'y': 1.935711389319521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,244] Trial 446 finished with value: 6.00431305323762 and parameters: {'x': 0.9366003382596688, 'y': 2.1169233194543096}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,245] Trial 447 finished with value: 13.027263446057466 and parameters: {'x': 3.689892011332293, 'y': 4.950600642632251}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,246] Trial 448 finished with value: 11.06575203582668 and parameters: {'x': 0.3441815521175967, 'y': 4.262229256565206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,247] Trial 449 finished with value: 11.233300822016634 and parameters: {'x': 3.9237478347273207, 'y': 2.3966823952125753}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,248] Trial 450 finished with value: 8.935380249107924 and parameters: {'x': 1.4876991240229658, 'y': 2.4164676051324174}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,249] Trial 451 finished with value: 11.741073301615504 and parameters: {'x': 1.9644552766060486, 'y': 4.498472398791405}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,250] Trial 452 finished with value: 6.082732869229478 and parameters: {'x': 1.400062597877147, 'y': 0.47308219360903625}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,250] Trial 453 finished with value: 8.122986607956738 and parameters: {'x': 2.5225478308799607, 'y': 0.8888340113786181}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,251] Trial 454 finished with value: 10.02573892634024 and parameters: {'x': 1.1571208454981974, 'y': 3.4887523537576577}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,252] Trial 455 finished with value: 14.122725695817879 and parameters: {'x': 4.425953927746668, 'y': 4.4820875653525025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,253] Trial 456 finished with value: 11.12488185820932 and parameters: {'x': 4.034092789320193, 'y': 3.9351871317284477}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,254] Trial 457 finished with value: 10.822916013291252 and parameters: {'x': 4.057685738995707, 'y': 1.6228102359843521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,255] Trial 458 finished with value: 7.799678963438955 and parameters: {'x': 3.104179792814024, 'y': 0.9079559307976542}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,256] Trial 459 finished with value: 13.558071660350077 and parameters: {'x': 4.263230292643333, 'y': 4.789186109978953}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,259] Trial 460 finished with value: 5.379273068061256 and parameters: {'x': 1.2629667463169851, 'y': 0.3471682486006089}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,260] Trial 461 finished with value: 13.503353859353549 and parameters: {'x': 3.6472602799256286, 'y': 4.585275919341306}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,260] Trial 462 finished with value: 9.95189832119296 and parameters: {'x': 4.217291323814577, 'y': 0.06534306686574565}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,261] Trial 463 finished with value: 7.316189589089076 and parameters: {'x': 2.1544055069289936, 'y': 1.977017966150556}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,262] Trial 464 finished with value: 6.837266790743383 and parameters: {'x': 2.107062124054001, 'y': 0.7011774809488025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,263] Trial 465 finished with value: 12.326391259520475 and parameters: {'x': 3.8061924650999472, 'y': 3.4622914922425165}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,264] Trial 466 finished with value: 12.438153329094177 and parameters: {'x': 3.059137452812551, 'y': 4.644550575118717}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,265] Trial 467 finished with value: 10.795756609067213 and parameters: {'x': 3.5770919128123864, 'y': 1.6153670832663791}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,266] Trial 468 finished with value: 12.976661440518908 and parameters: {'x': 4.080223600535277, 'y': 4.7351518146604885}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,267] Trial 469 finished with value: 8.31533623510785 and parameters: {'x': 0.8067232894823856, 'y': 2.6448926126752745}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,267] Trial 470 finished with value: 10.129849179817505 and parameters: {'x': 3.8967028438943183, 'y': 1.7891317967768172}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,268] Trial 471 finished with value: 10.495601334816916 and parameters: {'x': 1.843470804737017, 'y': 3.5058645128464376}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,270] Trial 472 finished with value: 10.088792482724358 and parameters: {'x': 2.7654320858351027, 'y': 3.113727970345309}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,271] Trial 473 finished with value: 8.489489614352319 and parameters: {'x': 1.0263837170960788, 'y': 3.215932794062375}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,272] Trial 474 finished with value: 10.997502590623936 and parameters: {'x': 2.4805922066317883, 'y': 3.284689230485689}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,273] Trial 475 finished with value: 6.291712557698734 and parameters: {'x': 1.4650440056970793, 'y': 0.7063166537840632}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,274] Trial 476 finished with value: 10.93523004668661 and parameters: {'x': 4.183730895251133, 'y': 0.5658401958833559}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,274] Trial 477 finished with value: 7.850438094434846 and parameters: {'x': 0.5599168274764549, 'y': 2.2945630290077066}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,275] Trial 478 finished with value: 11.627074996182836 and parameters: {'x': 2.074821999819689, 'y': 4.727132686901395}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,276] Trial 479 finished with value: 7.797052693640023 and parameters: {'x': 2.060681641475947, 'y': 1.629046569019739}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,277] Trial 480 finished with value: 7.032253172863296 and parameters: {'x': 1.6073255276032867, 'y': 1.246078044226684}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,278] Trial 481 finished with value: 9.717309651594512 and parameters: {'x': 3.694629393054078, 'y': 0.1452253478402482}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,279] Trial 482 finished with value: 9.28452105239339 and parameters: {'x': 3.2417304714517914, 'y': 0.32514601807110965}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,280] Trial 483 finished with value: 5.315871409227775 and parameters: {'x': 1.200964624897748, 'y': 0.4522330920560269}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,280] Trial 484 finished with value: 9.440968128035568 and parameters: {'x': 3.8048243910578416, 'y': 1.0766348745679348}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,281] Trial 485 finished with value: 11.128758047393772 and parameters: {'x': 3.4025495977679103, 'y': 2.3743371466036587}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,282] Trial 486 finished with value: 11.606968638275713 and parameters: {'x': 4.654079612466723, 'y': 0.7898450946089941}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,283] Trial 487 finished with value: 8.164509127866584 and parameters: {'x': 2.4061686085964666, 'y': 0.45546552540126295}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,284] Trial 488 finished with value: 4.215593111143367 and parameters: {'x': 0.8822884373740586, 'y': 0.3681398348093584}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,285] Trial 489 finished with value: 10.402055248667342 and parameters: {'x': 1.7199664697902828, 'y': 3.3849639252179493}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,286] Trial 490 finished with value: 7.395006822537743 and parameters: {'x': 1.3881946345175273, 'y': 1.5523358451185554}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,286] Trial 491 finished with value: 6.0595150997035425 and parameters: {'x': 0.2723050025800139, 'y': 1.5129130477433206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,287] Trial 492 finished with value: 11.838682067772567 and parameters: {'x': 4.276207744351974, 'y': 2.83923223769671}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,288] Trial 493 finished with value: 13.278499721884376 and parameters: {'x': 4.85037561346188, 'y': 3.4596523068267637}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,289] Trial 494 finished with value: 4.549486920521389 and parameters: {'x': 0.6634885345608066, 'y': 0.8018360929305579}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,290] Trial 495 finished with value: 5.690223476399435 and parameters: {'x': 1.9547778130093625, 'y': 0.864218941932488}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,291] Trial 496 finished with value: 3.8395917237234833 and parameters: {'x': 0.13501540166023784, 'y': 1.1454565746303713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,292] Trial 497 finished with value: 9.06181195713635 and parameters: {'x': 2.0097930888484257, 'y': 2.5779436380218317}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,293] Trial 498 finished with value: 4.141706705777526 and parameters: {'x': 1.050766261540541, 'y': 0.8255628900432621}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,293] Trial 499 finished with value: 10.11695865881527 and parameters: {'x': 3.4497399262396455, 'y': 0.47594639104199365}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:27:31,294] A new study created in memory with name: x=[0,4), y=[0,4)\n[I 2023-11-01 05:27:31,295] Trial 0 finished with value: 9.859778541798656 and parameters: {'x': 1.3933196794073037, 'y': 3.2358514401958347}. Best is trial 0 with value: 9.859778541798656.\n[I 2023-11-01 05:27:31,295] Trial 1 finished with value: 9.039593212528152 and parameters: {'x': 1.838548751301699, 'y': 2.504497219276703}. Best is trial 1 with value: 9.039593212528152.\n[I 2023-11-01 05:27:31,296] Trial 2 finished with value: 4.244161659801236 and parameters: {'x': 0.8145873234061498, 'y': 0.37470161910149224}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,297] Trial 3 finished with value: 10.707175702169542 and parameters: {'x': 3.902103869064555, 'y': 1.4693753133410787}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,298] Trial 4 finished with value: 7.299292877283396 and parameters: {'x': 2.305135871772639, 'y': 0.9837282718184688}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,299] Trial 5 finished with value: 10.680969952713568 and parameters: {'x': 3.96983477897882, 'y': 2.265084513109098}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,300] Trial 6 finished with value: 10.534469944310851 and parameters: {'x': 2.0671457821091552, 'y': 3.5257358718900864}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,301] Trial 7 finished with value: 6.984222753302996 and parameters: {'x': 0.04765358251977991, 'y': 2.92097283880608}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,301] Trial 8 finished with value: 8.822231479320317 and parameters: {'x': 1.2751187315175243, 'y': 2.600010316693418}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,302] Trial 9 finished with value: 10.098013003294861 and parameters: {'x': 3.30128843589085, 'y': 1.7369520482245924}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,303] Trial 10 finished with value: 6.590857000246849 and parameters: {'x': 0.6273547556415009, 'y': 1.9094396171974033}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,304] Trial 11 finished with value: 5.529780090813791 and parameters: {'x': 1.3200314988592186, 'y': 0.9621656302946389}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,305] Trial 12 finished with value: 7.964652132745382 and parameters: {'x': 2.431829240381084, 'y': 0.8558984720330014}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,306] Trial 13 finished with value: 7.2060689475395385 and parameters: {'x': 1.9347330117135004, 'y': 1.7763143086502295}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,307] Trial 14 finished with value: 7.38790703558322 and parameters: {'x': 1.4591918094157488, 'y': 1.4523362557690818}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,307] Trial 15 finished with value: 6.166968985628692 and parameters: {'x': 0.8561980303273447, 'y': 1.472478142941779}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,308] Trial 16 finished with value: 8.558532033087145 and parameters: {'x': 0.6168391828672339, 'y': 2.836747068751847}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,309] Trial 17 finished with value: 9.338342614865656 and parameters: {'x': 3.298276896472674, 'y': 1.1440750956569046}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,310] Trial 18 finished with value: 11.10649259399895 and parameters: {'x': 2.8214730316745245, 'y': 3.7744207192919066}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,311] Trial 19 finished with value: 6.7236981165918905 and parameters: {'x': 0.5425632260332911, 'y': 1.9664808329550993}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,312] Trial 20 finished with value: 9.197320562025435 and parameters: {'x': 2.6301945639685935, 'y': 2.0897056077133547}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,312] Trial 21 finished with value: 6.564082939358261 and parameters: {'x': 0.5216182433451544, 'y': 1.6125483245888965}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,313] Trial 22 finished with value: 7.760458384259243 and parameters: {'x': 1.649580915829942, 'y': 1.7232746235781753}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,314] Trial 23 finished with value: 4.692281434608283 and parameters: {'x': 0.4763457596546661, 'y': 1.0318764322136516}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,315] Trial 24 finished with value: 10.457106146198148 and parameters: {'x': 1.884117526823101, 'y': 3.515186937291592}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,316] Trial 25 finished with value: 10.28898955389791 and parameters: {'x': 3.1158246006173047, 'y': 3.1838538522785744}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,317] Trial 26 finished with value: 9.331292201439751 and parameters: {'x': 0.017672354936568713, 'y': 3.4211695299212206}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,318] Trial 27 finished with value: 10.060005028037963 and parameters: {'x': 0.786957066684185, 'y': 3.6852471668044555}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:27:31,319] Trial 28 finished with value: 3.964292399208695 and parameters: {'x': 0.46295550697412713, 'y': 0.39938900035022407}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,321] Trial 29 finished with value: 10.269990858462307 and parameters: {'x': 1.65981265679325, 'y': 3.320513303194814}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,321] Trial 30 finished with value: 11.268039501438045 and parameters: {'x': 2.633330398842245, 'y': 3.362248171171207}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,323] Trial 31 finished with value: 5.396934020251162 and parameters: {'x': 1.1949167255641462, 'y': 1.1654157413744377}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,324] Trial 32 finished with value: 9.829000907142534 and parameters: {'x': 0.8784560741266598, 'y': 3.4924433376133783}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,325] Trial 33 finished with value: 10.369946123204146 and parameters: {'x': 3.9701276532663954, 'y': 0.4997243304279091}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,326] Trial 34 finished with value: 7.682115993810168 and parameters: {'x': 2.0668884599462567, 'y': 1.4241440362775037}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,327] Trial 35 finished with value: 11.752399043322077 and parameters: {'x': 3.1788488466327007, 'y': 3.5497268271566926}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,328] Trial 36 finished with value: 12.226827133986625 and parameters: {'x': 3.4516564162177263, 'y': 3.4014755174992803}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,329] Trial 37 finished with value: 9.001126604354294 and parameters: {'x': 1.7287436729282057, 'y': 3.039231370839761}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:27:31,329] Trial 38 finished with value: 3.7033385075458476 and parameters: {'x': 0.2408286872302634, 'y': 0.9882472155647375}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,330] Trial 39 finished with value: 7.816144951505883 and parameters: {'x': 2.38247805165682, 'y': 1.0733449299813174}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,331] Trial 40 finished with value: 11.480525241689845 and parameters: {'x': 3.75901341027312, 'y': 2.453615193920154}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,332] Trial 41 finished with value: 12.202111886720926 and parameters: {'x': 3.7450474278361403, 'y': 3.7846922598231063}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,333] Trial 42 finished with value: 11.405793594949529 and parameters: {'x': 2.403226350502876, 'y': 3.745084760723254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,334] Trial 43 finished with value: 5.750984516139752 and parameters: {'x': 1.781549861697862, 'y': 0.16127595645851578}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,335] Trial 44 finished with value: 5.54345653122553 and parameters: {'x': 0.2172688339262261, 'y': 1.3822698988079365}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,336] Trial 45 finished with value: 10.060905765872992 and parameters: {'x': 0.7979283545488918, 'y': 3.5741214978277833}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,337] Trial 46 finished with value: 6.959205036747614 and parameters: {'x': 0.5164581753461488, 'y': 2.0663302791013227}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,338] Trial 47 finished with value: 11.03616182271487 and parameters: {'x': 3.9480950365448084, 'y': 3.96645174529096}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,339] Trial 48 finished with value: 6.614950609692865 and parameters: {'x': 0.6310986798933471, 'y': 1.6589654222068524}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,340] Trial 49 finished with value: 9.175626846648905 and parameters: {'x': 2.745981291764348, 'y': 1.4264809557268383}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,341] Trial 50 finished with value: 8.515399997037537 and parameters: {'x': 2.6274468517453085, 'y': 0.6861219767706412}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,342] Trial 51 finished with value: 5.435487475041612 and parameters: {'x': 1.9397491625683356, 'y': 1.0202429416259573}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,343] Trial 52 finished with value: 9.745806897619802 and parameters: {'x': 3.430168293505469, 'y': 0.2317638687174539}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,344] Trial 53 finished with value: 9.752071545230551 and parameters: {'x': 2.7855338170640893, 'y': 3.043792727489718}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,345] Trial 54 finished with value: 4.4704695077871826 and parameters: {'x': 0.5271026419422009, 'y': 0.6223072245090484}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,346] Trial 55 finished with value: 12.03918283506897 and parameters: {'x': 3.2704636918929406, 'y': 3.5829796005976884}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,347] Trial 56 finished with value: 10.18696347807152 and parameters: {'x': 3.9278091591189184, 'y': 2.9741530786699166}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,348] Trial 57 finished with value: 7.556126379464672 and parameters: {'x': 3.0881791182582132, 'y': 0.9834557500733685}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,349] Trial 58 finished with value: 9.185903992885615 and parameters: {'x': 3.3688244164395478, 'y': 0.07370278788612072}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,350] Trial 59 finished with value: 6.280576366644379 and parameters: {'x': 0.5731961180739842, 'y': 1.450687583583008}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,351] Trial 60 finished with value: 7.742064083775642 and parameters: {'x': 1.5656204313309159, 'y': 1.7387483442563485}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,352] Trial 61 finished with value: 11.132968842390083 and parameters: {'x': 3.39312495501294, 'y': 2.843245434223765}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,353] Trial 62 finished with value: 8.567754039160308 and parameters: {'x': 1.8015413117258299, 'y': 2.944191104585469}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,354] Trial 63 finished with value: 4.832743885161232 and parameters: {'x': 0.4465773656006653, 'y': 1.0891525830804647}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,355] Trial 64 finished with value: 11.104507548957141 and parameters: {'x': 2.8701212402413727, 'y': 3.733795236099265}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,356] Trial 65 finished with value: 7.40615921330866 and parameters: {'x': 2.3241082704852536, 'y': 0.9776882221678127}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,357] Trial 66 finished with value: 11.505979204998482 and parameters: {'x': 2.737406586939625, 'y': 3.6572814342341977}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,358] Trial 67 finished with value: 6.534579593040267 and parameters: {'x': 1.2195404608268183, 'y': 1.9017797211719087}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,359] Trial 68 finished with value: 9.930908552455072 and parameters: {'x': 0.5560221319737524, 'y': 3.3681618420035133}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,360] Trial 69 finished with value: 6.901786099055903 and parameters: {'x': 2.272307748983125, 'y': 0.12754687071613713}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,361] Trial 70 finished with value: 9.998882920157838 and parameters: {'x': 0.7698589318554725, 'y': 3.7592329794195254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,362] Trial 71 finished with value: 7.919037470960159 and parameters: {'x': 2.600456136224802, 'y': 0.12119274231295663}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,363] Trial 72 finished with value: 9.62924260549343 and parameters: {'x': 3.5723994726880854, 'y': 0.054357180230217406}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:27:31,364] Trial 73 finished with value: 0.2151968790881824 and parameters: {'x': 0.04884273066499656, 'y': 0.016513827190637542}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,365] Trial 74 finished with value: 5.876716919840415 and parameters: {'x': 0.1695058988291449, 'y': 1.5451156431523292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,366] Trial 75 finished with value: 6.50152632645646 and parameters: {'x': 1.253513702284081, 'y': 1.3314201920039643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,368] Trial 76 finished with value: 10.073728693626201 and parameters: {'x': 1.790940909549009, 'y': 3.9306183079192376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,369] Trial 77 finished with value: 11.592961833859302 and parameters: {'x': 3.3382684898030006, 'y': 3.247600734696528}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,370] Trial 78 finished with value: 8.524339728788682 and parameters: {'x': 2.7939800283677414, 'y': 1.9465730742746103}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,371] Trial 79 finished with value: 6.810148362488738 and parameters: {'x': 2.250517079552346, 'y': 0.1412007733389138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,372] Trial 80 finished with value: 4.578449067293313 and parameters: {'x': 0.9513282606596039, 'y': 0.5176395568530854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,372] Trial 81 finished with value: 8.03611178521659 and parameters: {'x': 2.7495574802101426, 'y': 0.8605322444674512}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,373] Trial 82 finished with value: 9.0484191526951 and parameters: {'x': 3.302135926381046, 'y': 0.9473176516728192}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,374] Trial 83 finished with value: 12.120266358270943 and parameters: {'x': 3.6739792951218915, 'y': 3.934808570119411}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,375] Trial 84 finished with value: 10.402439856923305 and parameters: {'x': 1.9698964088020623, 'y': 3.506429165248168}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,376] Trial 85 finished with value: 4.160126567431099 and parameters: {'x': 0.7989548719069344, 'y': 0.3462904341027335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,377] Trial 86 finished with value: 8.553032648925823 and parameters: {'x': 2.9162754648283156, 'y': 0.42806181200585414}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,378] Trial 87 finished with value: 10.608490346655685 and parameters: {'x': 3.2532379182350595, 'y': 3.0910275017250406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,379] Trial 88 finished with value: 3.7015802211423185 and parameters: {'x': 0.2322645623258115, 'y': 0.5625554562742372}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,380] Trial 89 finished with value: 9.191385997850857 and parameters: {'x': 2.547976011875257, 'y': 1.516626324984331}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,381] Trial 90 finished with value: 6.442237775568518 and parameters: {'x': 1.1361400624445248, 'y': 1.4499627343902555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,382] Trial 91 finished with value: 10.0445479409038 and parameters: {'x': 1.1371007311701828, 'y': 3.5410274711784107}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,383] Trial 92 finished with value: 10.977920512951362 and parameters: {'x': 3.757065188327247, 'y': 2.8931772973556926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,384] Trial 93 finished with value: 8.235795283382567 and parameters: {'x': 2.082113472254048, 'y': 2.9454209884361773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,385] Trial 94 finished with value: 9.93034334231159 and parameters: {'x': 3.464529351420215, 'y': 0.28253052622114705}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,386] Trial 95 finished with value: 4.12794561810944 and parameters: {'x': 0.4961925387838706, 'y': 0.44012286036116954}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,387] Trial 96 finished with value: 9.770704684742935 and parameters: {'x': 0.9230872571633748, 'y': 3.490669945563004}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,388] Trial 97 finished with value: 8.019703025801185 and parameters: {'x': 3.1355638961169685, 'y': 1.0714067782110388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,389] Trial 98 finished with value: 10.506967336266714 and parameters: {'x': 3.0207104304758863, 'y': 3.849499571070234}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,390] Trial 99 finished with value: 9.769323851016116 and parameters: {'x': 2.924175184757402, 'y': 2.3448622903364957}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,391] Trial 100 finished with value: 8.640166243405007 and parameters: {'x': 2.7226932337739216, 'y': 0.4994786053724156}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,392] Trial 101 finished with value: 10.089444683751838 and parameters: {'x': 3.871491069827993, 'y': 0.33848581827426116}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,392] Trial 102 finished with value: 8.186227648748062 and parameters: {'x': 1.2200983012467015, 'y': 2.360577004611718}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,393] Trial 103 finished with value: 8.06051983142751 and parameters: {'x': 2.4520107245963514, 'y': 0.8297937319854545}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,394] Trial 104 finished with value: 8.386680858343565 and parameters: {'x': 0.3249375577272491, 'y': 2.6079869824945696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,395] Trial 105 finished with value: 7.348582073690469 and parameters: {'x': 1.067582975461931, 'y': 2.9485118438811426}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,396] Trial 106 finished with value: 6.205295019163518 and parameters: {'x': 2.06997945847861, 'y': 0.8137554383860333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,397] Trial 107 finished with value: 10.986137556963685 and parameters: {'x': 3.5765675535466497, 'y': 2.2201968827903356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,398] Trial 108 finished with value: 11.476111653910753 and parameters: {'x': 3.6031268809452617, 'y': 2.4312641887005704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,399] Trial 109 finished with value: 7.3944165656711185 and parameters: {'x': 2.8733924329055345, 'y': 1.0206703053627808}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,400] Trial 110 finished with value: 8.139625158792638 and parameters: {'x': 2.820147250520451, 'y': 1.1666515616728446}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,401] Trial 111 finished with value: 4.933785005094766 and parameters: {'x': 1.9178777080752796, 'y': 0.021013293830758784}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,402] Trial 112 finished with value: 5.624930891218909 and parameters: {'x': 1.4332515629066673, 'y': 0.17797717789785095}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,403] Trial 113 finished with value: 6.094411408044536 and parameters: {'x': 0.8831892500246643, 'y': 1.7561596489534015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,404] Trial 114 finished with value: 10.350248108508522 and parameters: {'x': 0.5621434508607988, 'y': 3.8269720325807453}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,405] Trial 115 finished with value: 4.446371638664033 and parameters: {'x': 1.0795604822820097, 'y': 0.7805852288782855}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,406] Trial 116 finished with value: 11.379784239135127 and parameters: {'x': 3.635131315146991, 'y': 2.829311753826587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,407] Trial 117 finished with value: 9.874730007709653 and parameters: {'x': 3.4682953737404696, 'y': 0.8220673834864538}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,408] Trial 118 finished with value: 9.807764019725601 and parameters: {'x': 0.9494737467704817, 'y': 3.530087053993743}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,409] Trial 119 finished with value: 11.410294712002278 and parameters: {'x': 3.9871173808297056, 'y': 3.842963180939406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,410] Trial 120 finished with value: 7.719275347795678 and parameters: {'x': 2.0065123631697337, 'y': 1.5455205599702864}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,410] Trial 121 finished with value: 9.277457289195318 and parameters: {'x': 1.6182801213473015, 'y': 3.027341246168199}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,411] Trial 122 finished with value: 7.763855358987204 and parameters: {'x': 0.9363421887709489, 'y': 3.111505973359827}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,412] Trial 123 finished with value: 9.110185341215733 and parameters: {'x': 2.5624184237197096, 'y': 1.8247744584254226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,413] Trial 124 finished with value: 6.528727778503942 and parameters: {'x': 0.40511538340101305, 'y': 1.8765124216775555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,414] Trial 125 finished with value: 12.364248094899766 and parameters: {'x': 3.7277047674793513, 'y': 3.7247168959501478}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,415] Trial 126 finished with value: 11.011311935244251 and parameters: {'x': 2.3685755137917592, 'y': 3.3575240438917673}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,416] Trial 127 finished with value: 7.258172960937385 and parameters: {'x': 1.2317497913178186, 'y': 2.159008680800039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,417] Trial 128 finished with value: 7.430708868599407 and parameters: {'x': 2.3883691403099236, 'y': 0.09910389553271326}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,418] Trial 129 finished with value: 4.377886023640851 and parameters: {'x': 0.7326561110324659, 'y': 0.4290136452924571}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,419] Trial 130 finished with value: 9.679292695512402 and parameters: {'x': 3.7296188437089395, 'y': 0.15512078425954456}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,420] Trial 131 finished with value: 8.925525251448645 and parameters: {'x': 3.9106045264751623, 'y': 0.9588186728514732}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,421] Trial 132 finished with value: 6.6398318289712215 and parameters: {'x': 0.48236236064767146, 'y': 1.7600763848392056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,422] Trial 133 finished with value: 9.293731400441033 and parameters: {'x': 3.128480998346366, 'y': 1.7400833037468666}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,423] Trial 134 finished with value: 9.874323707396623 and parameters: {'x': 3.484209234756394, 'y': 1.0985066631040374}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,424] Trial 135 finished with value: 8.631833679924338 and parameters: {'x': 1.8948794514066605, 'y': 3.117613250216388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,425] Trial 136 finished with value: 10.275675796090006 and parameters: {'x': 3.3991273948311873, 'y': 1.8340578173776851}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,426] Trial 137 finished with value: 10.359721880073934 and parameters: {'x': 2.6267802049016957, 'y': 3.085700377707863}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,427] Trial 138 finished with value: 8.210833865250711 and parameters: {'x': 2.516363850598352, 'y': 0.8196266205695761}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,429] Trial 139 finished with value: 12.022924135876615 and parameters: {'x': 3.389095679740186, 'y': 3.3529398437885245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,430] Trial 140 finished with value: 9.304331326398993 and parameters: {'x': 1.642346402818133, 'y': 2.651197454795302}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,431] Trial 141 finished with value: 8.686674607755023 and parameters: {'x': 1.7089786565719036, 'y': 2.316092187475462}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,432] Trial 142 finished with value: 6.997240891390188 and parameters: {'x': 2.0776459027142766, 'y': 0.5371464989205403}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,433] Trial 143 finished with value: 9.576903304434243 and parameters: {'x': 3.7642216964945523, 'y': 0.9019122546912715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,434] Trial 144 finished with value: 9.803241032909828 and parameters: {'x': 3.5326499741645327, 'y': 0.9714572510032968}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,434] Trial 145 finished with value: 7.8071162529029365 and parameters: {'x': 0.9530674923667211, 'y': 2.7634909126453584}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,435] Trial 146 finished with value: 10.075231814652724 and parameters: {'x': 3.48441276263407, 'y': 0.7180431183628277}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,436] Trial 147 finished with value: 6.375922180024251 and parameters: {'x': 1.8046886318843813, 'y': 0.7459821381585212}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,437] Trial 148 finished with value: 9.413608486585655 and parameters: {'x': 3.933916726426555, 'y': 1.9585479049450258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,438] Trial 149 finished with value: 10.28412430704962 and parameters: {'x': 3.3148229892276877, 'y': 1.535581323171066}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,439] Trial 150 finished with value: 4.350627454821726 and parameters: {'x': 0.21250281775814894, 'y': 1.1646549470884318}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,440] Trial 151 finished with value: 9.291214543796979 and parameters: {'x': 3.767119014514924, 'y': 0.05554223443280559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,440] Trial 152 finished with value: 11.262615388974723 and parameters: {'x': 2.6782951778417865, 'y': 3.9068321042955114}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,441] Trial 153 finished with value: 7.037404672005643 and parameters: {'x': 1.5623448927156396, 'y': 1.2560764485773763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,442] Trial 154 finished with value: 6.290638213631119 and parameters: {'x': 0.9897733601874057, 'y': 1.578485331567916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,443] Trial 155 finished with value: 5.736349520417626 and parameters: {'x': 0.625380744133333, 'y': 1.2821182192654983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,444] Trial 156 finished with value: 6.766715854131045 and parameters: {'x': 2.027214829584737, 'y': 1.8991490484783213}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,444] Trial 157 finished with value: 10.87770316730678 and parameters: {'x': 2.4079485621216716, 'y': 3.282445457145102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,445] Trial 158 finished with value: 10.035889093507278 and parameters: {'x': 1.2347496820084465, 'y': 3.842653042199124}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,446] Trial 159 finished with value: 10.304801724231645 and parameters: {'x': 0.6662920601396958, 'y': 3.6561413772209934}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,447] Trial 160 finished with value: 7.637435938861136 and parameters: {'x': 1.9853065750934986, 'y': 1.4879383070697996}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,448] Trial 161 finished with value: 6.8235965706121124 and parameters: {'x': 1.4821404923034507, 'y': 1.2254013635508776}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,449] Trial 162 finished with value: 5.601998291743918 and parameters: {'x': 1.6890528206784348, 'y': 0.011438891268208184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,450] Trial 163 finished with value: 2.849084346027542 and parameters: {'x': 0.06295370518636378, 'y': 1.031830480408582}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,450] Trial 164 finished with value: 6.399098494880953 and parameters: {'x': 2.0751471528509584, 'y': 0.7772473107038773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,451] Trial 165 finished with value: 8.392320801794583 and parameters: {'x': 1.9414122925975796, 'y': 2.320254719400466}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,452] Trial 166 finished with value: 10.243672123912138 and parameters: {'x': 2.374158598267379, 'y': 3.127409484267983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,453] Trial 167 finished with value: 10.239794754974406 and parameters: {'x': 2.4530394334748618, 'y': 2.597858884115015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,454] Trial 168 finished with value: 8.664885822736856 and parameters: {'x': 2.3260047004211732, 'y': 1.4595369973445482}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,454] Trial 169 finished with value: 8.313484934031424 and parameters: {'x': 0.7976136598357257, 'y': 2.5722926319517176}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,455] Trial 170 finished with value: 7.439426909141176 and parameters: {'x': 0.892794726117486, 'y': 2.3176771815226087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,456] Trial 171 finished with value: 10.764393870053514 and parameters: {'x': 3.3966726052998424, 'y': 2.236227111224998}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,457] Trial 172 finished with value: 7.672732461844447 and parameters: {'x': 0.6565399271869343, 'y': 2.266383207388518}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,458] Trial 173 finished with value: 9.912718580952895 and parameters: {'x': 3.4427460583166134, 'y': 0.767008084023082}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,459] Trial 174 finished with value: 7.492130034499652 and parameters: {'x': 2.431786498107929, 'y': 0.0012019289323461635}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,459] Trial 175 finished with value: 11.432963250400805 and parameters: {'x': 2.398579419032148, 'y': 3.626689061898129}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,460] Trial 176 finished with value: 4.679324472600673 and parameters: {'x': 0.5046659693982054, 'y': 1.0136426491222448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,461] Trial 177 finished with value: 10.014653304662277 and parameters: {'x': 3.6656304163043663, 'y': 0.8136327917263362}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,462] Trial 178 finished with value: 9.42189561442088 and parameters: {'x': 2.9282945598665706, 'y': 2.2735780055911254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,463] Trial 179 finished with value: 8.238792467050876 and parameters: {'x': 0.9229106738167738, 'y': 3.1755356848963574}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,464] Trial 180 finished with value: 10.022809360818055 and parameters: {'x': 1.8937739918677239, 'y': 3.353392061020511}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,465] Trial 181 finished with value: 8.665501391018337 and parameters: {'x': 1.9430207704425881, 'y': 3.1412220082989495}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,465] Trial 182 finished with value: 10.499929595705158 and parameters: {'x': 1.6045313764477873, 'y': 3.3928183933266634}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,466] Trial 183 finished with value: 9.054465657737579 and parameters: {'x': 3.177504629624753, 'y': 1.881574039728204}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,467] Trial 184 finished with value: 3.241811376658486 and parameters: {'x': 0.5532265700325287, 'y': 0.061759306737271036}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,468] Trial 185 finished with value: 7.4816312909029214 and parameters: {'x': 2.24354351082847, 'y': 0.7086458008507504}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,469] Trial 186 finished with value: 8.508435442027885 and parameters: {'x': 2.8176162725062777, 'y': 0.3911023288613231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,470] Trial 187 finished with value: 4.003956371062326 and parameters: {'x': 0.857305088806247, 'y': 0.31075294610825965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,470] Trial 188 finished with value: 9.062669397549 and parameters: {'x': 2.5195873392164465, 'y': 2.027339028317335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,471] Trial 189 finished with value: 12.30418779730045 and parameters: {'x': 3.5218480070541975, 'y': 3.885144033046055}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,472] Trial 190 finished with value: 8.009208681763505 and parameters: {'x': 0.7113367701524909, 'y': 2.3745769144946838}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,473] Trial 191 finished with value: 12.315806722956946 and parameters: {'x': 3.5396118541352206, 'y': 3.879451669911221}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,474] Trial 192 finished with value: 10.020296150989592 and parameters: {'x': 3.469458015012512, 'y': 1.1690347203106715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,475] Trial 193 finished with value: 10.537264287309405 and parameters: {'x': 3.5770634585862493, 'y': 1.3211248037407284}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,475] Trial 194 finished with value: 10.289151352354983 and parameters: {'x': 2.569659832403738, 'y': 2.8024819222942092}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,476] Trial 195 finished with value: 3.731060228910131 and parameters: {'x': 0.24760921660013002, 'y': 0.5521423661189173}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,477] Trial 196 finished with value: 5.9435690466674735 and parameters: {'x': 1.3769545180557197, 'y': 0.7936675641809834}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,478] Trial 197 finished with value: 9.743775215528842 and parameters: {'x': 0.12280025833501451, 'y': 3.6135186276359184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,479] Trial 198 finished with value: 5.873860931591558 and parameters: {'x': 1.0968336994868557, 'y': 2.0440842501161494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,480] Trial 199 finished with value: 10.709851532989827 and parameters: {'x': 1.4035187216015639, 'y': 3.6233773243557295}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,481] Trial 200 finished with value: 9.954064110925012 and parameters: {'x': 3.726106479619608, 'y': 1.1507434606307019}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,481] Trial 201 finished with value: 9.176752015086375 and parameters: {'x': 2.9657694175449376, 'y': 1.6248824147200915}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,482] Trial 202 finished with value: 8.145954329559796 and parameters: {'x': 1.0228360176486495, 'y': 2.5618407253423037}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,483] Trial 203 finished with value: 6.436303642075089 and parameters: {'x': 0.1490956988241905, 'y': 2.189578164919726}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,484] Trial 204 finished with value: 11.111376943310047 and parameters: {'x': 3.8600995766607973, 'y': 2.749935443832355}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,485] Trial 205 finished with value: 9.129251992511671 and parameters: {'x': 1.1056290533154534, 'y': 3.962676922705223}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,485] Trial 206 finished with value: 8.370841149672748 and parameters: {'x': 3.239100750458276, 'y': 0.022500014848797267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,486] Trial 207 finished with value: 9.291509527012558 and parameters: {'x': 3.00568373091447, 'y': 3.0819509181231135}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,487] Trial 208 finished with value: 9.526550833010017 and parameters: {'x': 1.6196305250074117, 'y': 3.1125193232568216}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,488] Trial 209 finished with value: 9.615589923726578 and parameters: {'x': 3.267739114462778, 'y': 0.5385583215982779}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,489] Trial 210 finished with value: 9.531798143488427 and parameters: {'x': 0.25581569974990925, 'y': 3.3448825637277912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,490] Trial 211 finished with value: 8.604070357784977 and parameters: {'x': 0.46414482840332383, 'y': 2.832521354655352}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,491] Trial 212 finished with value: 10.38897582976456 and parameters: {'x': 1.8211110188726547, 'y': 3.7486718651916884}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,491] Trial 213 finished with value: 6.661796469044116 and parameters: {'x': 1.9281477756028131, 'y': 1.926628295959115}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,492] Trial 214 finished with value: 9.292910051092164 and parameters: {'x': 2.7294285878695597, 'y': 1.5245259127637056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,493] Trial 215 finished with value: 11.474812810352063 and parameters: {'x': 2.545072973407813, 'y': 3.482446850845249}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,494] Trial 216 finished with value: 5.7436489654843506 and parameters: {'x': 1.495433610786303, 'y': 0.15421009122365392}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,494] Trial 217 finished with value: 9.730716734806999 and parameters: {'x': 1.0030835880141065, 'y': 3.480006126880088}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,495] Trial 218 finished with value: 10.264000182790559 and parameters: {'x': 2.564834864793566, 'y': 2.484511186533039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,496] Trial 219 finished with value: 9.603307511303695 and parameters: {'x': 1.3610131034034234, 'y': 3.1908647326982806}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,497] Trial 220 finished with value: 4.369001281478198 and parameters: {'x': 1.188627464139461, 'y': 0.18369767028726258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,498] Trial 221 finished with value: 9.76991966254143 and parameters: {'x': 3.8988662451422833, 'y': 0.7602578472113932}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,499] Trial 222 finished with value: 7.137655618781169 and parameters: {'x': 0.8347420348689671, 'y': 2.2420510780813876}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,500] Trial 223 finished with value: 8.91040625724673 and parameters: {'x': 1.359216232474024, 'y': 2.9027621524655793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,500] Trial 224 finished with value: 11.368714852239679 and parameters: {'x': 2.6445670042252885, 'y': 3.876078195544568}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,501] Trial 225 finished with value: 10.370157440060499 and parameters: {'x': 3.388476359892063, 'y': 1.7522052503971564}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,502] Trial 226 finished with value: 11.459382868502663 and parameters: {'x': 3.4584850215221827, 'y': 2.5951719092807926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,503] Trial 227 finished with value: 10.992736541581595 and parameters: {'x': 2.7749761828694957, 'y': 3.8717898238860258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,504] Trial 228 finished with value: 7.960140413458749 and parameters: {'x': 0.9736103991275695, 'y': 3.148002172690902}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,504] Trial 229 finished with value: 10.377944264894046 and parameters: {'x': 2.5711654315986396, 'y': 2.664355196945022}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,505] Trial 230 finished with value: 6.558542754486279 and parameters: {'x': 1.617684226621781, 'y': 0.5009300791074658}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,506] Trial 231 finished with value: 9.801280921370413 and parameters: {'x': 3.348864026127328, 'y': 0.6625226793267869}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,507] Trial 232 finished with value: 9.167661545649594 and parameters: {'x': 2.481063154756097, 'y': 2.0968547757011087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,508] Trial 233 finished with value: 6.150568677473988 and parameters: {'x': 1.4320715535757742, 'y': 0.45112212163791376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,509] Trial 234 finished with value: 10.36635285952934 and parameters: {'x': 2.6644869443995005, 'y': 2.6897335048134448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,509] Trial 235 finished with value: 7.531591242768647 and parameters: {'x': 3.0831372403659976, 'y': 1.0036575398106162}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,510] Trial 236 finished with value: 10.035422239052489 and parameters: {'x': 3.5198774303521683, 'y': 1.1425514372805075}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,511] Trial 237 finished with value: 9.747190810113583 and parameters: {'x': 2.78954877508854, 'y': 2.2980258422520596}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,512] Trial 238 finished with value: 6.647193961090235 and parameters: {'x': 1.5618737305507815, 'y': 1.1428627402717866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,513] Trial 239 finished with value: 8.357914032300853 and parameters: {'x': 0.7818357971652818, 'y': 2.6659101963759047}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,514] Trial 240 finished with value: 9.656882953625262 and parameters: {'x': 3.2838729239453666, 'y': 1.2518782671452753}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,515] Trial 241 finished with value: 4.838606650477356 and parameters: {'x': 1.127651816024295, 'y': 0.7335738505655183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,515] Trial 242 finished with value: 12.064321613162095 and parameters: {'x': 3.3862929216823847, 'y': 3.8922095982680984}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,516] Trial 243 finished with value: 5.822931001256965 and parameters: {'x': 0.843687297412858, 'y': 1.9968974725397945}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,517] Trial 244 finished with value: 8.866855790726733 and parameters: {'x': 1.791902197140785, 'y': 2.4009084063607844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,518] Trial 245 finished with value: 6.557772166801325 and parameters: {'x': 1.9511937840850044, 'y': 1.2280913997344816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,519] Trial 246 finished with value: 9.787312354764817 and parameters: {'x': 3.3850961812501184, 'y': 1.1683630635558386}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,520] Trial 247 finished with value: 8.742829301568904 and parameters: {'x': 1.290558108097346, 'y': 2.4965225650679197}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,521] Trial 248 finished with value: 5.447490691876528 and parameters: {'x': 1.2059451471107838, 'y': 1.1624171543365662}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,522] Trial 249 finished with value: 9.027061550566758 and parameters: {'x': 1.9721500708771305, 'y': 2.5821701263026706}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,523] Trial 250 finished with value: 8.370883952152802 and parameters: {'x': 2.0538727135449584, 'y': 3.0770091803969715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,524] Trial 251 finished with value: 6.1153726013671275 and parameters: {'x': 0.8027764524925125, 'y': 2.032544886977046}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,524] Trial 252 finished with value: 10.426201145618794 and parameters: {'x': 3.530000655936235, 'y': 1.9646909371038488}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,525] Trial 253 finished with value: 11.504352063246044 and parameters: {'x': 3.816490922242502, 'y': 2.574605945133567}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,526] Trial 254 finished with value: 3.6130679732594935 and parameters: {'x': 0.23439520071222253, 'y': 0.9496283244843569}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,527] Trial 255 finished with value: 8.960956292931078 and parameters: {'x': 2.429179382846859, 'y': 2.0614389779376254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,528] Trial 256 finished with value: 7.364789420958257 and parameters: {'x': 3.035093792038067, 'y': 0.9398447121883335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,529] Trial 257 finished with value: 9.673715570709936 and parameters: {'x': 3.1085749997602905, 'y': 3.082467370803549}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,530] Trial 258 finished with value: 9.00033912597185 and parameters: {'x': 1.7433926655885386, 'y': 2.815818892405104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,531] Trial 259 finished with value: 11.24134202520955 and parameters: {'x': 3.830897877980727, 'y': 3.1785503483468083}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,532] Trial 260 finished with value: 9.610231355415435 and parameters: {'x': 0.43688167234642616, 'y': 3.277646712875464}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,533] Trial 261 finished with value: 8.21666138796502 and parameters: {'x': 2.542123575455598, 'y': 0.2751187058016402}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,534] Trial 262 finished with value: 10.75947517839813 and parameters: {'x': 1.5247058737186108, 'y': 3.968763572725166}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,535] Trial 263 finished with value: 9.476301269444532 and parameters: {'x': 3.410888705095577, 'y': 0.13987760450072928}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,536] Trial 264 finished with value: 8.128276506902818 and parameters: {'x': 0.9167791726823133, 'y': 2.5520365155606983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,537] Trial 265 finished with value: 5.660390527847323 and parameters: {'x': 0.13316563567089323, 'y': 1.7738623850744313}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,538] Trial 266 finished with value: 10.03745409879572 and parameters: {'x': 2.4562187521087386, 'y': 2.419717111405486}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,539] Trial 267 finished with value: 10.560729471075781 and parameters: {'x': 3.5383932628189894, 'y': 2.0750260479642955}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,540] Trial 268 finished with value: 6.911335606142488 and parameters: {'x': 1.8383476485245498, 'y': 1.269369919672592}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,541] Trial 269 finished with value: 6.263776883229383 and parameters: {'x': 1.8146924690185848, 'y': 0.7771183396725552}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,542] Trial 270 finished with value: 3.192283264509687 and parameters: {'x': 0.5438691082990537, 'y': 0.03168737130430621}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,543] Trial 271 finished with value: 9.25236139200286 and parameters: {'x': 1.163392218103672, 'y': 3.268717065064702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,544] Trial 272 finished with value: 7.615378153862055 and parameters: {'x': 0.11342996964423246, 'y': 2.781838540120356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,545] Trial 273 finished with value: 12.083086480354083 and parameters: {'x': 3.718917140075738, 'y': 3.3135414546878836}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,546] Trial 274 finished with value: 8.673172499161506 and parameters: {'x': 2.7587041874302267, 'y': 2.001624771327751}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,547] Trial 275 finished with value: 8.175856457154929 and parameters: {'x': 2.262024392522807, 'y': 2.048018787543821}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,548] Trial 276 finished with value: 6.027361661814201 and parameters: {'x': 1.1483245406422165, 'y': 1.9641797906360914}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,549] Trial 277 finished with value: 10.26132967547642 and parameters: {'x': 1.2170697034940483, 'y': 3.6809586684084397}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,550] Trial 278 finished with value: 6.584369196688137 and parameters: {'x': 1.4804530139174736, 'y': 1.1573874484627762}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,551] Trial 279 finished with value: 8.199773560716626 and parameters: {'x': 2.2385982079618105, 'y': 1.7941482446178587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,552] Trial 280 finished with value: 8.719226999352626 and parameters: {'x': 2.330905924819994, 'y': 1.7269819988722892}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,553] Trial 281 finished with value: 7.9595970366033875 and parameters: {'x': 2.5626694586361602, 'y': 0.14912568287478267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,554] Trial 282 finished with value: 11.329548540338816 and parameters: {'x': 3.431748611790516, 'y': 2.4684755464465375}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,555] Trial 283 finished with value: 5.9275598315386375 and parameters: {'x': 2.092801441089609, 'y': 1.0540812353681415}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,555] Trial 284 finished with value: 7.6442036867422924 and parameters: {'x': 2.1315161168892627, 'y': 1.342052211185913}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,556] Trial 285 finished with value: 5.336605414006623 and parameters: {'x': 1.2293885830337024, 'y': 0.39436061033300085}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,557] Trial 286 finished with value: 8.748815175839605 and parameters: {'x': 1.5092662387537024, 'y': 2.33469150262076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,558] Trial 287 finished with value: 10.33057890967017 and parameters: {'x': 3.8696424603175674, 'y': 1.7529400600215008}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,559] Trial 288 finished with value: 8.919797455084531 and parameters: {'x': 2.736416794176971, 'y': 2.0760583880204533}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,560] Trial 289 finished with value: 4.441157898677751 and parameters: {'x': 0.6958328287107154, 'y': 0.470775876927795}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,561] Trial 290 finished with value: 3.900552561783101 and parameters: {'x': 0.5199313793034581, 'y': 0.32732432513248844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,562] Trial 291 finished with value: 8.4180528356603 and parameters: {'x': 0.7484945528039133, 'y': 2.6092566567467186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,563] Trial 292 finished with value: 5.13151636527822 and parameters: {'x': 1.2725579972339172, 'y': 0.24811942487439165}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,564] Trial 293 finished with value: 9.467588278822692 and parameters: {'x': 2.8308688610430583, 'y': 3.0095214839284186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,565] Trial 294 finished with value: 11.40932682166175 and parameters: {'x': 3.5016671059800655, 'y': 3.068332225841167}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,566] Trial 295 finished with value: 11.661897145446092 and parameters: {'x': 3.4223465922726612, 'y': 3.2012730241498057}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,567] Trial 296 finished with value: 9.123309357405901 and parameters: {'x': 2.732092776659147, 'y': 2.127504908381725}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,568] Trial 297 finished with value: 9.58492096234577 and parameters: {'x': 2.812843939728247, 'y': 2.910435060816296}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,569] Trial 298 finished with value: 9.565362051884232 and parameters: {'x': 3.130495435347729, 'y': 2.9985457513559854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,570] Trial 299 finished with value: 7.688521848293625 and parameters: {'x': 2.3808104012848714, 'y': 0.9405175456205148}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,571] Trial 300 finished with value: 9.268401643125605 and parameters: {'x': 2.660731982373358, 'y': 1.6961501616917607}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,572] Trial 301 finished with value: 11.756809498893748 and parameters: {'x': 3.5227386286659543, 'y': 3.1848834998657916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,573] Trial 302 finished with value: 9.282918995429277 and parameters: {'x': 1.600901891232203, 'y': 2.7736174889703293}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,574] Trial 303 finished with value: 7.659822694499102 and parameters: {'x': 2.3514385867290546, 'y': 0.8604323469568076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,575] Trial 304 finished with value: 10.947484710652777 and parameters: {'x': 3.32130714864281, 'y': 3.0857173995915015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,576] Trial 305 finished with value: 9.941649002120565 and parameters: {'x': 3.4685901543950464, 'y': 0.7841745036496555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,577] Trial 306 finished with value: 6.27356836019511 and parameters: {'x': 0.9345120049722722, 'y': 1.5947313886006702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,578] Trial 307 finished with value: 11.83364009119155 and parameters: {'x': 3.753370456866888, 'y': 3.9573484830875594}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,579] Trial 308 finished with value: 11.087232620133545 and parameters: {'x': 2.279350606371401, 'y': 3.7268743041396815}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,580] Trial 309 finished with value: 9.951975997023917 and parameters: {'x': 1.2403215035040316, 'y': 3.907655524302301}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,581] Trial 310 finished with value: 7.450686198128425 and parameters: {'x': 1.4513014117435676, 'y': 1.4980418365942643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,582] Trial 311 finished with value: 8.217850926127987 and parameters: {'x': 2.4311030505177547, 'y': 0.6706713636599648}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,582] Trial 312 finished with value: 12.406694735290257 and parameters: {'x': 3.445533620110704, 'y': 3.6864830191075653}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,583] Trial 313 finished with value: 8.355448839522436 and parameters: {'x': 2.4767818245907787, 'y': 0.4945173522551629}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,584] Trial 314 finished with value: 6.283579650025068 and parameters: {'x': 1.7752592462908199, 'y': 0.7951081388275099}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,585] Trial 315 finished with value: 8.632220504465216 and parameters: {'x': 0.5643025059386781, 'y': 2.684344565673266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,586] Trial 316 finished with value: 6.173476799859856 and parameters: {'x': 0.9955169767369765, 'y': 1.479993490627923}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,587] Trial 317 finished with value: 10.075216693479428 and parameters: {'x': 1.3868514166713086, 'y': 3.2996527689371966}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,588] Trial 318 finished with value: 9.83265703053972 and parameters: {'x': 3.366594797411336, 'y': 0.37837696063200044}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,589] Trial 319 finished with value: 5.7641899377365355 and parameters: {'x': 1.0936157216969309, 'y': 2.0154939269359304}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,590] Trial 320 finished with value: 8.039049361310239 and parameters: {'x': 3.17926984150359, 'y': 0.0792946855486929}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,591] Trial 321 finished with value: 6.374372677227711 and parameters: {'x': 2.1576817063632108, 'y': 0.1816974223108332}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,592] Trial 322 finished with value: 10.692914630859786 and parameters: {'x': 2.191060676892676, 'y': 3.7523333591725074}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,593] Trial 323 finished with value: 4.272621529228328 and parameters: {'x': 0.5120655829592051, 'y': 0.49862800124716555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,594] Trial 324 finished with value: 5.667686004248164 and parameters: {'x': 1.974151489946808, 'y': 1.0873543411469573}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,595] Trial 325 finished with value: 3.14911825941741 and parameters: {'x': 0.05384257085487931, 'y': 0.5119500254322102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,595] Trial 326 finished with value: 11.430558534518452 and parameters: {'x': 3.167994699715818, 'y': 3.7564746079924434}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,596] Trial 327 finished with value: 9.519234463129628 and parameters: {'x': 3.922791270118661, 'y': 1.9209613389345819}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,597] Trial 328 finished with value: 8.54792782659565 and parameters: {'x': 0.6676983242757633, 'y': 2.7206798714034965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,598] Trial 329 finished with value: 10.343957494971903 and parameters: {'x': 3.796174706674506, 'y': 1.7961720398228866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,599] Trial 330 finished with value: 7.393260976478766 and parameters: {'x': 0.9303477639875446, 'y': 2.8881061672077695}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,600] Trial 331 finished with value: 4.168211622506824 and parameters: {'x': 0.568033427516911, 'y': 0.40076474146192886}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,601] Trial 332 finished with value: 8.352151380568776 and parameters: {'x': 2.5248892794224953, 'y': 0.37669484776274276}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,602] Trial 333 finished with value: 10.372212386228597 and parameters: {'x': 0.5486382147448605, 'y': 3.8023016805571226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,603] Trial 334 finished with value: 11.465116931323431 and parameters: {'x': 2.5549011493678657, 'y': 3.9985995148160476}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,604] Trial 335 finished with value: 7.533651547982446 and parameters: {'x': 3.1122260433973805, 'y': 0.06789981521679245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,605] Trial 336 finished with value: 4.518450949546146 and parameters: {'x': 0.8319125264768537, 'y': 0.5088830882153448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,606] Trial 337 finished with value: 11.187215237484192 and parameters: {'x': 2.2890048592452192, 'y': 3.637230987841597}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,607] Trial 338 finished with value: 10.631217468377777 and parameters: {'x': 3.212460725698297, 'y': 3.151238069716407}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,608] Trial 339 finished with value: 7.915541564276795 and parameters: {'x': 2.74287845774048, 'y': 0.9216415115955656}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,609] Trial 340 finished with value: 9.673978866468232 and parameters: {'x': 3.7908591198317727, 'y': 0.1932091267248519}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,610] Trial 341 finished with value: 5.40304171497252 and parameters: {'x': 0.954423029584103, 'y': 1.969828102065398}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,611] Trial 342 finished with value: 12.042616210694453 and parameters: {'x': 3.3733840526910974, 'y': 3.376876997921342}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,612] Trial 343 finished with value: 8.785656690828066 and parameters: {'x': 0.5127988159592372, 'y': 3.034373595835823}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,613] Trial 344 finished with value: 8.058158484803876 and parameters: {'x': 1.1635372808096633, 'y': 3.0573367491756858}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,614] Trial 345 finished with value: 10.362114273889164 and parameters: {'x': 3.347100872005856, 'y': 1.5076593906340912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,615] Trial 346 finished with value: 11.392777604957166 and parameters: {'x': 2.7909279129092934, 'y': 3.6798647776849185}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,616] Trial 347 finished with value: 8.257572560266517 and parameters: {'x': 1.8747106902665256, 'y': 2.9264405129485396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,616] Trial 348 finished with value: 1.191533546628932 and parameters: {'x': 0.04098816215805545, 'y': 0.17575252540152997}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,618] Trial 349 finished with value: 6.528414693370539 and parameters: {'x': 2.0986759869413723, 'y': 1.1635260998377377}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,619] Trial 350 finished with value: 4.578848126507644 and parameters: {'x': 0.7850809443858684, 'y': 0.5846514384255186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,620] Trial 351 finished with value: 4.717440335628027 and parameters: {'x': 1.0561713549229714, 'y': 1.1750808591313686}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,621] Trial 352 finished with value: 8.62433938989944 and parameters: {'x': 2.914436298305064, 'y': 0.5192348455391631}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,621] Trial 353 finished with value: 8.28157910362034 and parameters: {'x': 2.515171096976729, 'y': 0.7715967853955292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,623] Trial 354 finished with value: 8.031780167962317 and parameters: {'x': 2.499557269956178, 'y': 0.2222792532667559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,623] Trial 355 finished with value: 9.137449237447111 and parameters: {'x': 1.677582622614922, 'y': 3.023643543029472}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,624] Trial 356 finished with value: 9.799768279881432 and parameters: {'x': 0.9309103481609493, 'y': 3.653612348612905}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,625] Trial 357 finished with value: 9.14726937689981 and parameters: {'x': 0.9114826668177916, 'y': 3.8759524431225048}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,626] Trial 358 finished with value: 8.644835094085106 and parameters: {'x': 1.2588950259545113, 'y': 2.48788875134704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,627] Trial 359 finished with value: 9.053231827241326 and parameters: {'x': 0.5869817235510006, 'y': 3.130377458831803}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,628] Trial 360 finished with value: 3.411285954506919 and parameters: {'x': 0.7050586121580449, 'y': 0.12680082581006102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,629] Trial 361 finished with value: 6.447468025493851 and parameters: {'x': 1.4220967532913322, 'y': 1.1594983078421475}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,630] Trial 362 finished with value: 9.813601898285599 and parameters: {'x': 3.685269522802166, 'y': 0.8893489297364794}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,631] Trial 363 finished with value: 8.104774870743212 and parameters: {'x': 2.532211234879781, 'y': 0.2291961280504231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,632] Trial 364 finished with value: 11.567426758994019 and parameters: {'x': 3.580392966262677, 'y': 2.534915475101615}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,633] Trial 365 finished with value: 6.430551183634282 and parameters: {'x': 1.8510739401287246, 'y': 0.36315241813681265}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,634] Trial 366 finished with value: 10.196750361368728 and parameters: {'x': 3.9286133392638902, 'y': 3.0065275678507266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,635] Trial 367 finished with value: 11.204693514709696 and parameters: {'x': 3.7055910447225733, 'y': 2.308877509177674}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,636] Trial 368 finished with value: 6.634120639228918 and parameters: {'x': 1.778248827954719, 'y': 0.47372214586660366}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,637] Trial 369 finished with value: 5.539252636912586 and parameters: {'x': 0.013568479012842527, 'y': 1.7195890827411842}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,638] Trial 370 finished with value: 5.976968207153636 and parameters: {'x': 1.7824860939905829, 'y': 0.9016025301978696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,639] Trial 371 finished with value: 5.264081263969686 and parameters: {'x': 1.2636779461519687, 'y': 1.0270311801286396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,640] Trial 372 finished with value: 9.719222267426572 and parameters: {'x': 1.0181424006401238, 'y': 3.686905356694062}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,641] Trial 373 finished with value: 9.17258988928529 and parameters: {'x': 3.0146465869507315, 'y': 1.4200477277472183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,642] Trial 374 finished with value: 10.448858271486321 and parameters: {'x': 1.9164062512120363, 'y': 3.610922045132941}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,643] Trial 375 finished with value: 8.29517954260463 and parameters: {'x': 3.0542344761550297, 'y': 0.7503530230121647}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,644] Trial 376 finished with value: 5.46022332083805 and parameters: {'x': 1.3498322891457715, 'y': 0.23519239497756717}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,644] Trial 377 finished with value: 10.31151529518906 and parameters: {'x': 1.232620618038632, 'y': 3.6810969767719772}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,645] Trial 378 finished with value: 9.620428111076176 and parameters: {'x': 0.05302978990486018, 'y': 3.5562617518764283}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,646] Trial 379 finished with value: 7.145067016910065 and parameters: {'x': 2.8704006458623246, 'y': 0.05856204340429816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,647] Trial 380 finished with value: 7.615509022271754 and parameters: {'x': 2.0298324622047974, 'y': 1.4358335026956333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,648] Trial 381 finished with value: 10.916095141366544 and parameters: {'x': 2.3697860126664643, 'y': 3.321808345274754}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,649] Trial 382 finished with value: 12.399401740420132 and parameters: {'x': 3.466580215969038, 'y': 3.519267049908465}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,650] Trial 383 finished with value: 12.44262680181242 and parameters: {'x': 3.7310071734911925, 'y': 3.6643780634045138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,651] Trial 384 finished with value: 9.142527082249929 and parameters: {'x': 2.882719416839632, 'y': 1.6461840523728104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,652] Trial 385 finished with value: 9.239754233553501 and parameters: {'x': 2.5759608140989747, 'y': 1.5391631459672297}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,653] Trial 386 finished with value: 6.284598645056207 and parameters: {'x': 0.8702285303132826, 'y': 1.672129456953738}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,654] Trial 387 finished with value: 10.152804966108985 and parameters: {'x': 3.6934629366226015, 'y': 0.744845969281184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,655] Trial 388 finished with value: 3.389312682331248 and parameters: {'x': 0.053694591129884284, 'y': 1.1261876829075792}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,656] Trial 389 finished with value: 10.283447623535013 and parameters: {'x': 3.2388795618896027, 'y': 2.974622653487798}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,657] Trial 390 finished with value: 11.302617455565434 and parameters: {'x': 3.515598201960283, 'y': 2.908952204458161}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,658] Trial 391 finished with value: 11.125939966673439 and parameters: {'x': 2.4941310914546113, 'y': 3.325759234467637}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,659] Trial 392 finished with value: 10.816812218801022 and parameters: {'x': 2.4885158267517737, 'y': 3.224158476295799}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,660] Trial 393 finished with value: 10.050727622585395 and parameters: {'x': 1.2107379893350432, 'y': 3.4332492569334763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,661] Trial 394 finished with value: 5.95575827799291 and parameters: {'x': 0.6692460786760335, 'y': 1.3454235380425494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,662] Trial 395 finished with value: 8.903415776483602 and parameters: {'x': 1.006126472829457, 'y': 3.279586119031793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,663] Trial 396 finished with value: 4.547039657651432 and parameters: {'x': 0.7650725322320575, 'y': 0.5336811286061329}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,663] Trial 397 finished with value: 7.646434899367684 and parameters: {'x': 1.5191921106060464, 'y': 1.9600495063208347}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,664] Trial 398 finished with value: 8.23501821441278 and parameters: {'x': 2.464469780852896, 'y': 0.7313268391281604}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,665] Trial 399 finished with value: 8.78323456105996 and parameters: {'x': 2.3595946161420396, 'y': 1.4770688236450096}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,666] Trial 400 finished with value: 11.07950687309173 and parameters: {'x': 2.7633452013271462, 'y': 3.8532351310288586}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,667] Trial 401 finished with value: 9.011181143989141 and parameters: {'x': 0.655696041444696, 'y': 3.149145726131916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:27:31,668] Trial 402 finished with value: 0.21108155708882137 and parameters: {'x': 0.025106650762250826, 'y': 0.044143703865536565}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,669] Trial 403 finished with value: 4.526352639294384 and parameters: {'x': 0.6040185419770716, 'y': 0.5878079950089186}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,670] Trial 404 finished with value: 10.340964653977816 and parameters: {'x': 3.922897219307625, 'y': 0.49698547657353664}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,671] Trial 405 finished with value: 11.540325958618682 and parameters: {'x': 2.71638072852915, 'y': 3.569585834030987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,672] Trial 406 finished with value: 6.933258476365397 and parameters: {'x': 2.959069099663764, 'y': 0.04356363809009567}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,673] Trial 407 finished with value: 10.254178574604502 and parameters: {'x': 2.6298707108398554, 'y': 2.4547503705112566}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,674] Trial 408 finished with value: 10.405598398037926 and parameters: {'x': 1.7389756543820347, 'y': 3.3948028236020438}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,675] Trial 409 finished with value: 10.05170557739612 and parameters: {'x': 2.1334557265352014, 'y': 3.868058156883832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,676] Trial 410 finished with value: 7.887839083942328 and parameters: {'x': 1.6287170896550038, 'y': 2.0897524947265884}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,677] Trial 411 finished with value: 10.097956892334187 and parameters: {'x': 0.26943310227075745, 'y': 3.6493057219845557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,678] Trial 412 finished with value: 12.397487232313319 and parameters: {'x': 3.6728053515894983, 'y': 3.7555399684970867}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,679] Trial 413 finished with value: 7.7502659636836295 and parameters: {'x': 2.1963460321873667, 'y': 1.8724424201058856}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,680] Trial 414 finished with value: 12.241300305489641 and parameters: {'x': 3.4785432697512286, 'y': 3.923978720743307}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,681] Trial 415 finished with value: 9.624761197683 and parameters: {'x': 2.996713083928662, 'y': 2.3080426422065425}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,682] Trial 416 finished with value: 8.886410547926278 and parameters: {'x': 0.10292278890589968, 'y': 3.986448817996}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,683] Trial 417 finished with value: 12.100939315290324 and parameters: {'x': 3.771874453396725, 'y': 3.3433333766881055}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,684] Trial 418 finished with value: 9.49851289582427 and parameters: {'x': 1.3519286769698113, 'y': 3.172081894155109}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,685] Trial 419 finished with value: 8.485090347805786 and parameters: {'x': 2.7821019543892733, 'y': 0.3698217566305906}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,686] Trial 420 finished with value: 7.063063066010319 and parameters: {'x': 0.5229450172512125, 'y': 2.09602817646162}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,687] Trial 421 finished with value: 7.590651626257822 and parameters: {'x': 2.280842459714937, 'y': 1.1567589240790626}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,688] Trial 422 finished with value: 10.344647702828512 and parameters: {'x': 3.8273839653448762, 'y': 0.5691294933683881}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,689] Trial 423 finished with value: 8.547161960427571 and parameters: {'x': 1.2455727745592617, 'y': 2.4579433723422466}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,690] Trial 424 finished with value: 2.526398416087993 and parameters: {'x': 0.346073360573548, 'y': 0.07793340180577557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,691] Trial 425 finished with value: 10.148507008831835 and parameters: {'x': 3.999959224017629, 'y': 2.1755982994371954}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,692] Trial 426 finished with value: 9.038592963824982 and parameters: {'x': 2.591949962224946, 'y': 1.9928356931176459}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,693] Trial 427 finished with value: 6.9931641066296955 and parameters: {'x': 2.236211904249122, 'y': 0.21387538672672113}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,694] Trial 428 finished with value: 9.134617235514785 and parameters: {'x': 3.158548992949356, 'y': 2.116827573324681}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,695] Trial 429 finished with value: 3.261339563420208 and parameters: {'x': 1.095888545241697, 'y': 0.08121109210178323}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,696] Trial 430 finished with value: 5.795248953033454 and parameters: {'x': 0.7365576458376459, 'y': 1.3205923166777298}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,697] Trial 431 finished with value: 12.252994876582656 and parameters: {'x': 3.9556281513375544, 'y': 3.599134727042208}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,698] Trial 432 finished with value: 9.50669025502117 and parameters: {'x': 2.2612986337706773, 'y': 2.8305818026196548}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,699] Trial 433 finished with value: 6.17155536225377 and parameters: {'x': 1.4535549443577427, 'y': 0.8061218372041883}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,700] Trial 434 finished with value: 7.330274947797166 and parameters: {'x': 2.998473426438397, 'y': 1.0577641880364999}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,701] Trial 435 finished with value: 8.234903033718643 and parameters: {'x': 2.6969037673592906, 'y': 1.1116266886879185}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,702] Trial 436 finished with value: 10.626381760856646 and parameters: {'x': 2.4911711112382458, 'y': 3.1667404829508645}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,703] Trial 437 finished with value: 6.508127609588357 and parameters: {'x': 1.7007902059654354, 'y': 0.39030525510783143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,704] Trial 438 finished with value: 9.044811275943646 and parameters: {'x': 1.7013920933763602, 'y': 2.858407769926415}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,705] Trial 439 finished with value: 9.008508877213199 and parameters: {'x': 3.041837585563343, 'y': 2.191445148488896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,706] Trial 440 finished with value: 11.905780093271849 and parameters: {'x': 3.226206925709196, 'y': 3.5904942026565596}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,707] Trial 441 finished with value: 9.93731915889512 and parameters: {'x': 3.349901621290708, 'y': 1.2592206426730508}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,708] Trial 442 finished with value: 8.975206970956329 and parameters: {'x': 2.1533551473851507, 'y': 2.3477216015918714}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,709] Trial 443 finished with value: 11.022339107405864 and parameters: {'x': 3.7218204317554098, 'y': 2.969339733446317}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,710] Trial 444 finished with value: 7.793452455376546 and parameters: {'x': 2.9749405864994456, 'y': 0.8144062904287135}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,711] Trial 445 finished with value: 5.3928498697735385 and parameters: {'x': 1.0023536798403767, 'y': 1.9609821375155065}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,712] Trial 446 finished with value: 8.44113147671768 and parameters: {'x': 0.578915866335016, 'y': 2.514276989395927}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,713] Trial 447 finished with value: 9.260996483941742 and parameters: {'x': 2.546649800269987, 'y': 2.103928080274987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,714] Trial 448 finished with value: 8.355894074982917 and parameters: {'x': 2.4916755111872475, 'y': 0.443576668606922}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,715] Trial 449 finished with value: 10.857185288969665 and parameters: {'x': 3.9927550695232834, 'y': 2.780052820739364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,716] Trial 450 finished with value: 9.6700383959976 and parameters: {'x': 3.372010239312165, 'y': 0.27511738674902375}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,717] Trial 451 finished with value: 9.626184795100908 and parameters: {'x': 0.7461085156314828, 'y': 3.337309217922648}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,718] Trial 452 finished with value: 9.649121603028515 and parameters: {'x': 2.789330472287906, 'y': 2.935068581388643}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,719] Trial 453 finished with value: 5.052213553206837 and parameters: {'x': 0.2620305670474905, 'y': 1.2484923925015976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,720] Trial 454 finished with value: 9.222251359304856 and parameters: {'x': 2.782626659345648, 'y': 1.4677608336129824}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,721] Trial 455 finished with value: 10.436945315860191 and parameters: {'x': 3.6936877337548544, 'y': 1.8510790107698516}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,722] Trial 456 finished with value: 4.962481628455059 and parameters: {'x': 0.4089812959284349, 'y': 1.1398111353619549}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,723] Trial 457 finished with value: 6.51230720914808 and parameters: {'x': 1.6231294294881788, 'y': 0.7295441233125257}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,724] Trial 458 finished with value: 10.56229721261589 and parameters: {'x': 1.650641190443264, 'y': 3.426933525709896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,724] Trial 459 finished with value: 9.653118757839884 and parameters: {'x': 2.61592306415803, 'y': 2.2206931869195916}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,725] Trial 460 finished with value: 10.67350425509411 and parameters: {'x': 1.7521963772660163, 'y': 3.558573523393536}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,726] Trial 461 finished with value: 8.708600936674987 and parameters: {'x': 1.9271105969994888, 'y': 2.393237861052923}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,727] Trial 462 finished with value: 3.7506086448421634 and parameters: {'x': 1.0494635736730475, 'y': 0.9584980735204098}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,728] Trial 463 finished with value: 9.598474512965854 and parameters: {'x': 0.03539959574504348, 'y': 3.6231365952220584}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,729] Trial 464 finished with value: 8.974946699354579 and parameters: {'x': 0.9809944954317862, 'y': 3.8863509276479857}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,730] Trial 465 finished with value: 7.772058988673429 and parameters: {'x': 1.0510947219993967, 'y': 3.1081610988411383}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,731] Trial 466 finished with value: 9.276000540651202 and parameters: {'x': 2.6260969953224196, 'y': 2.113940854424979}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,732] Trial 467 finished with value: 9.471032643776867 and parameters: {'x': 0.743259416089181, 'y': 3.2970146386381223}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,733] Trial 468 finished with value: 10.259476572914593 and parameters: {'x': 3.8217833488349022, 'y': 0.6361069051358492}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,734] Trial 469 finished with value: 6.457099650100211 and parameters: {'x': 0.7645348847707507, 'y': 1.6984123902533894}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,735] Trial 470 finished with value: 2.063085021632414 and parameters: {'x': 0.19769269071737483, 'y': 0.18945631103221228}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,736] Trial 471 finished with value: 4.207855684959583 and parameters: {'x': 0.40157342389645523, 'y': 0.594188019456364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,737] Trial 472 finished with value: 4.146218703746907 and parameters: {'x': 0.3423750083190007, 'y': 0.8019459319131306}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,738] Trial 473 finished with value: 10.01353546655346 and parameters: {'x': 2.5958179050471477, 'y': 2.341003534870675}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,739] Trial 474 finished with value: 9.569395460866058 and parameters: {'x': 1.510089205063304, 'y': 3.1127636951494377}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,740] Trial 475 finished with value: 6.283597376683087 and parameters: {'x': 0.7360855719356194, 'y': 1.9490968776301902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,741] Trial 476 finished with value: 7.869681957805096 and parameters: {'x': 0.9096106796882286, 'y': 2.764915570387479}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,742] Trial 477 finished with value: 11.192095977398395 and parameters: {'x': 2.8037299655192665, 'y': 3.7620631677983236}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,743] Trial 478 finished with value: 4.427443669547809 and parameters: {'x': 0.6591004528098448, 'y': 0.47741899872377846}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,744] Trial 479 finished with value: 10.354234141119697 and parameters: {'x': 3.7934581813527313, 'y': 0.44935790813022347}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,744] Trial 480 finished with value: 11.472892968979941 and parameters: {'x': 3.6969090560602127, 'y': 3.1385155822785213}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,745] Trial 481 finished with value: 9.575248257035602 and parameters: {'x': 0.7423717629231437, 'y': 3.3220258703289143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,746] Trial 482 finished with value: 6.708094948839129 and parameters: {'x': 0.11392226349831924, 'y': 2.248702684925605}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,747] Trial 483 finished with value: 7.512671613029504 and parameters: {'x': 1.6545076524482751, 'y': 1.4079545649809178}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,748] Trial 484 finished with value: 9.225371873776844 and parameters: {'x': 3.1197440455956627, 'y': 1.7480286992791503}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,749] Trial 485 finished with value: 8.644775582144975 and parameters: {'x': 3.277433870074068, 'y': 0.03762725050179805}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,751] Trial 486 finished with value: 9.34806610224668 and parameters: {'x': 2.130809674433918, 'y': 2.559396381704046}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,752] Trial 487 finished with value: 10.235510313932078 and parameters: {'x': 1.3029296167223055, 'y': 3.4136852817415533}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,753] Trial 488 finished with value: 8.505807953242515 and parameters: {'x': 2.715452161679803, 'y': 0.6948465727890976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,754] Trial 489 finished with value: 5.927707311877974 and parameters: {'x': 1.3414850400325458, 'y': 0.5075975702630036}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,755] Trial 490 finished with value: 11.103488669840118 and parameters: {'x': 2.319494070977358, 'y': 3.4488429902385724}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,756] Trial 491 finished with value: 10.355196985609664 and parameters: {'x': 3.96479539855673, 'y': 2.2110810986202902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,757] Trial 492 finished with value: 8.829678564856053 and parameters: {'x': 0.17281094473408487, 'y': 3.2493371853435034}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,758] Trial 493 finished with value: 6.7152972835150315 and parameters: {'x': 2.0030516525284563, 'y': 0.6144779672961334}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,759] Trial 494 finished with value: 8.83428182278424 and parameters: {'x': 0.4728307107402876, 'y': 3.058814201887216}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,760] Trial 495 finished with value: 4.5846587937858025 and parameters: {'x': 0.18319816044558834, 'y': 1.2216716397362832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,761] Trial 496 finished with value: 11.24437461300541 and parameters: {'x': 3.3709738172649604, 'y': 2.5037428477898285}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,762] Trial 497 finished with value: 10.611654875736399 and parameters: {'x': 2.1195657505770105, 'y': 3.6646007700484367}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,762] Trial 498 finished with value: 6.9973027578278995 and parameters: {'x': 1.9878017516227215, 'y': 1.8250387245599597}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,763] Trial 499 finished with value: 9.515740035109893 and parameters: {'x': 3.78782724739539, 'y': 0.15184831525247633}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:27:31,764] A new study created in memory with name: x=[1,3), y=[1,3)\n[I 2023-11-01 05:27:31,765] Trial 0 finished with value: 9.501280285096856 and parameters: {'x': 2.1795551304711878, 'y': 2.5469138645456475}. Best is trial 0 with value: 9.501280285096856.\n[I 2023-11-01 05:27:31,766] Trial 1 finished with value: 7.689690058529395 and parameters: {'x': 2.116941820323029, 'y': 1.3704460118285542}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:27:31,767] Trial 2 finished with value: 8.869154016661145 and parameters: {'x': 1.734893579523559, 'y': 2.3800301262465355}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:27:31,768] Trial 3 finished with value: 9.217083724375263 and parameters: {'x': 2.5463037482718427, 'y': 1.698250749178961}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:27:31,769] Trial 4 finished with value: 6.620326818681299 and parameters: {'x': 1.3418267714049732, 'y': 1.2749591602362444}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:27:31,769] Trial 5 finished with value: 9.947604021051855 and parameters: {'x': 2.328190210719468, 'y': 2.542129917484096}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:27:31,770] Trial 6 finished with value: 10.111364306571687 and parameters: {'x': 2.992415863822332, 'y': 2.445973518335129}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:27:31,771] Trial 7 finished with value: 8.117689709113845 and parameters: {'x': 2.518112634863238, 'y': 1.0345349209545471}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:27:31,772] Trial 8 finished with value: 8.599980015079133 and parameters: {'x': 1.985150133883719, 'y': 2.361999061196193}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:27:31,773] Trial 9 finished with value: 6.466307419325002 and parameters: {'x': 1.0815335322750994, 'y': 1.6010550958884728}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:27:31,774] Trial 10 finished with value: 8.748658037765297 and parameters: {'x': 1.983065686509458, 'y': 2.4013248906189615}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:27:31,775] Trial 11 finished with value: 4.280422047649996 and parameters: {'x': 1.0053750515354973, 'y': 1.1344853944712368}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,776] Trial 12 finished with value: 7.631641045157027 and parameters: {'x': 1.5136532280501904, 'y': 1.5621179581261906}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,777] Trial 13 finished with value: 5.126684569001355 and parameters: {'x': 1.0943183618191, 'y': 1.2102968958712526}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,778] Trial 14 finished with value: 9.200375404047493 and parameters: {'x': 1.485146457738034, 'y': 2.9442744467689}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,778] Trial 15 finished with value: 9.496066674328905 and parameters: {'x': 2.9893985683076987, 'y': 2.285295712632221}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,779] Trial 16 finished with value: 9.20722421376879 and parameters: {'x': 2.888794756172593, 'y': 2.9479421929365683}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,780] Trial 17 finished with value: 9.820418190182155 and parameters: {'x': 2.7489324125385366, 'y': 2.929928470528349}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,781] Trial 18 finished with value: 7.68682424815664 and parameters: {'x': 1.7693477747355273, 'y': 1.6880511561059623}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,782] Trial 19 finished with value: 6.23361005262851 and parameters: {'x': 1.0278738361908484, 'y': 1.4858953052005117}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,783] Trial 20 finished with value: 8.183951521175912 and parameters: {'x': 2.191259277116293, 'y': 1.4515483770275646}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,784] Trial 21 finished with value: 8.387527249929715 and parameters: {'x': 2.317659241765322, 'y': 1.9236263660786883}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,785] Trial 22 finished with value: 7.28969285733878 and parameters: {'x': 1.7768688655704867, 'y': 1.3408983120046298}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,786] Trial 23 finished with value: 9.661281182879502 and parameters: {'x': 2.2434246133626727, 'y': 2.706378756341615}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,787] Trial 24 finished with value: 9.241054440156928 and parameters: {'x': 1.639685998678829, 'y': 2.550800978853915}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,787] Trial 25 finished with value: 9.492202191083631 and parameters: {'x': 2.8437203833277316, 'y': 2.8949435337203635}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,788] Trial 26 finished with value: 8.739874474944795 and parameters: {'x': 1.459781325603565, 'y': 2.351888773662857}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,789] Trial 27 finished with value: 8.973115982363957 and parameters: {'x': 1.6843967683601837, 'y': 2.4048917604855475}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,790] Trial 28 finished with value: 8.47252181314089 and parameters: {'x': 2.922716542694479, 'y': 1.2624815334953179}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,791] Trial 29 finished with value: 7.849748665716774 and parameters: {'x': 2.0648190920986487, 'y': 1.5820191742716103}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,792] Trial 30 finished with value: 7.225452638805441 and parameters: {'x': 1.3323600161247302, 'y': 2.0169392602346585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,793] Trial 31 finished with value: 8.497265009934077 and parameters: {'x': 1.1907150947448137, 'y': 2.711658305757213}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,794] Trial 32 finished with value: 5.58563603594332 and parameters: {'x': 1.164753074337394, 'y': 1.226778345604655}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,795] Trial 33 finished with value: 7.513168780303209 and parameters: {'x': 1.438771558179375, 'y': 1.8561933890452214}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,796] Trial 34 finished with value: 10.036185032484997 and parameters: {'x': 2.7588346246330424, 'y': 2.8045362579158644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,796] Trial 35 finished with value: 9.725500430892048 and parameters: {'x': 2.248857539172614, 'y': 2.5451257493449897}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,797] Trial 36 finished with value: 9.303195937042831 and parameters: {'x': 2.6499797485839593, 'y': 2.129994395445907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,798] Trial 37 finished with value: 7.504659314912903 and parameters: {'x': 1.4170785888985076, 'y': 1.6023382914670337}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,799] Trial 38 finished with value: 7.594638748301016 and parameters: {'x': 1.8407705077703342, 'y': 1.4766582402639137}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,800] Trial 39 finished with value: 8.334347071558396 and parameters: {'x': 1.1195428355366783, 'y': 2.644368853359082}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,801] Trial 40 finished with value: 7.595379550393446 and parameters: {'x': 1.6520069020915964, 'y': 1.9757114648600385}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,802] Trial 41 finished with value: 8.914385594429811 and parameters: {'x': 1.6470517107976008, 'y': 2.376989100206301}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,803] Trial 42 finished with value: 7.0818112184634625 and parameters: {'x': 1.9628877719392275, 'y': 1.3183124993698585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,804] Trial 43 finished with value: 8.913268618568011 and parameters: {'x': 2.6933015848984994, 'y': 1.8982819389972656}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,805] Trial 44 finished with value: 6.274280378720249 and parameters: {'x': 1.0099471446301753, 'y': 1.527052381039326}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,806] Trial 45 finished with value: 5.204000585932636 and parameters: {'x': 1.216951047813766, 'y': 1.1013262039458973}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,806] Trial 46 finished with value: 9.741805624133733 and parameters: {'x': 2.5259678280944784, 'y': 2.259709570452115}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,807] Trial 47 finished with value: 6.296778616088442 and parameters: {'x': 1.5291890491860796, 'y': 1.0228639505783026}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,808] Trial 48 finished with value: 9.129572645190375 and parameters: {'x': 2.47957554253214, 'y': 1.581063419584534}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,809] Trial 49 finished with value: 10.03449672210819 and parameters: {'x': 2.4140777216988454, 'y': 2.8688241358588593}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,810] Trial 50 finished with value: 7.986420805613088 and parameters: {'x': 1.5869407958655537, 'y': 2.1086035965849828}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,811] Trial 51 finished with value: 7.78469008465053 and parameters: {'x': 1.3794951150973072, 'y': 2.133730616674673}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,812] Trial 52 finished with value: 10.346702498937645 and parameters: {'x': 2.6600353834124157, 'y': 2.5265542823496276}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,813] Trial 53 finished with value: 8.397521047633518 and parameters: {'x': 2.8978919897984197, 'y': 2.0946088457485397}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,814] Trial 54 finished with value: 8.729635565576425 and parameters: {'x': 2.3226416072190963, 'y': 2.1163001449679175}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,815] Trial 55 finished with value: 6.563335605862068 and parameters: {'x': 1.2163645109709191, 'y': 1.871269427619554}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,816] Trial 56 finished with value: 6.873609887768213 and parameters: {'x': 1.2251556830566572, 'y': 1.7367674345443647}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,817] Trial 57 finished with value: 8.80557668194253 and parameters: {'x': 2.3857385187069093, 'y': 1.8044692754689606}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,818] Trial 58 finished with value: 8.48024561077549 and parameters: {'x': 2.859408136043024, 'y': 1.8608932253951125}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,818] Trial 59 finished with value: 7.929450226423043 and parameters: {'x': 1.069350630996834, 'y': 2.4151552500515012}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,819] Trial 60 finished with value: 7.524695733250729 and parameters: {'x': 1.5090899388472594, 'y': 1.4852477824087806}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,820] Trial 61 finished with value: 6.916920537471675 and parameters: {'x': 1.641179571690034, 'y': 1.2137699988751192}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,821] Trial 62 finished with value: 10.022015362074939 and parameters: {'x': 2.354751893467662, 'y': 2.7214581032189935}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,822] Trial 63 finished with value: 5.569058505649405 and parameters: {'x': 1.8750334501787682, 'y': 1.0065938879959706}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,823] Trial 64 finished with value: 9.236481240422165 and parameters: {'x': 2.7225253991380605, 'y': 1.463453956459146}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,824] Trial 65 finished with value: 7.589909153165305 and parameters: {'x': 1.8828143174093952, 'y': 1.4849961540002887}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,825] Trial 66 finished with value: 6.057427416925147 and parameters: {'x': 1.1136598146306471, 'y': 2.0651176783638157}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,826] Trial 67 finished with value: 5.333604535066673 and parameters: {'x': 1.1521593149514442, 'y': 1.1967712091492033}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,827] Trial 68 finished with value: 8.47663339990434 and parameters: {'x': 2.7331662465388735, 'y': 1.1946410227095325}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,828] Trial 69 finished with value: 6.1557427755607605 and parameters: {'x': 2.115689757806627, 'y': 1.075954418838918}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,829] Trial 70 finished with value: 8.21432386178338 and parameters: {'x': 2.426697315572791, 'y': 1.1610984577096755}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,830] Trial 71 finished with value: 9.150950844862605 and parameters: {'x': 1.4810568123213028, 'y': 2.5428552435500063}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,831] Trial 72 finished with value: 6.446630137296186 and parameters: {'x': 1.9154490857784012, 'y': 1.2081435102536793}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,831] Trial 73 finished with value: 7.702963494527083 and parameters: {'x': 1.5491345118660198, 'y': 1.5939876007739795}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,832] Trial 74 finished with value: 7.005032748152567 and parameters: {'x': 1.826844626954173, 'y': 1.9268425602050288}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,833] Trial 75 finished with value: 9.27183740472173 and parameters: {'x': 1.498215097882374, 'y': 2.676718866467224}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,834] Trial 76 finished with value: 6.1788202097104445 and parameters: {'x': 1.4090942518581993, 'y': 1.092598285985039}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,835] Trial 77 finished with value: 8.983446483572983 and parameters: {'x': 2.2413872996736677, 'y': 2.262636501594432}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,836] Trial 78 finished with value: 8.216516191382501 and parameters: {'x': 1.1779154251103852, 'y': 2.812668726136599}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,837] Trial 79 finished with value: 8.454386883504299 and parameters: {'x': 2.3305972180416967, 'y': 1.9835764247236907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,838] Trial 80 finished with value: 7.850643863378659 and parameters: {'x': 1.7388072343407257, 'y': 2.1404356549330252}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,839] Trial 81 finished with value: 8.548120869822377 and parameters: {'x': 1.2355723676495973, 'y': 2.4716454451936927}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,840] Trial 82 finished with value: 8.386285418856902 and parameters: {'x': 2.7552139515981446, 'y': 1.1836615335225171}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,840] Trial 83 finished with value: 9.33277811056341 and parameters: {'x': 2.2088941144948118, 'y': 2.792964798250159}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,841] Trial 84 finished with value: 10.191009221350768 and parameters: {'x': 2.585848255012078, 'y': 2.9630703840002472}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,842] Trial 85 finished with value: 9.199310232934744 and parameters: {'x': 2.748849783785084, 'y': 1.441554730785663}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,843] Trial 86 finished with value: 9.2646294664593 and parameters: {'x': 1.5948713689545138, 'y': 2.8027793439493904}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,844] Trial 87 finished with value: 7.080688050613922 and parameters: {'x': 1.9661671599435053, 'y': 1.8037364200866381}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,845] Trial 88 finished with value: 9.013415425450534 and parameters: {'x': 2.4163310734970684, 'y': 1.636886697540102}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,846] Trial 89 finished with value: 6.866821452286725 and parameters: {'x': 1.890540471699981, 'y': 1.88483373776394}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,847] Trial 90 finished with value: 5.959158557344825 and parameters: {'x': 1.3281373141813404, 'y': 1.125500051842644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,848] Trial 91 finished with value: 7.87159220193886 and parameters: {'x': 2.359511515835968, 'y': 1.1279106069988678}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,849] Trial 92 finished with value: 9.202654686101095 and parameters: {'x': 1.4685789842334418, 'y': 2.604580581576726}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,850] Trial 93 finished with value: 7.6448009517846 and parameters: {'x': 2.0921232065193225, 'y': 1.73682311950304}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,851] Trial 94 finished with value: 6.6725930457942475 and parameters: {'x': 1.6921203518903358, 'y': 1.1628807707949569}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,852] Trial 95 finished with value: 6.116863193669975 and parameters: {'x': 1.0694790248579369, 'y': 1.4104985430277928}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,853] Trial 96 finished with value: 8.847283521590567 and parameters: {'x': 1.9662722891008542, 'y': 2.701251138159574}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,854] Trial 97 finished with value: 8.443230082626295 and parameters: {'x': 2.2382451209071936, 'y': 1.6551477720943748}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,854] Trial 98 finished with value: 7.671184542786042 and parameters: {'x': 1.9676209973302294, 'y': 1.5656060031227454}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,855] Trial 99 finished with value: 4.788155844147777 and parameters: {'x': 1.0151800894576377, 'y': 1.200455850814773}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:27:31,856] Trial 100 finished with value: 4.045505869420193 and parameters: {'x': 1.0652252404158025, 'y': 1.0635003202026654}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,857] Trial 101 finished with value: 9.330788286768396 and parameters: {'x': 2.4173773897708193, 'y': 2.1901578920897675}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,858] Trial 102 finished with value: 7.069570698766446 and parameters: {'x': 1.1168049032504792, 'y': 2.222497516983431}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,859] Trial 103 finished with value: 6.317079292167321 and parameters: {'x': 1.0975025588917013, 'y': 2.12549533279568}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,860] Trial 104 finished with value: 9.29855178082329 and parameters: {'x': 1.5324004580461716, 'y': 2.723016150949123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,862] Trial 105 finished with value: 9.192696852614601 and parameters: {'x': 1.4808206774849857, 'y': 2.579008136152047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,863] Trial 106 finished with value: 8.408472658306273 and parameters: {'x': 2.831926346840218, 'y': 1.9197290242202152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,864] Trial 107 finished with value: 10.135310503921435 and parameters: {'x': 2.432192587200304, 'y': 2.5119874467684147}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,865] Trial 108 finished with value: 8.879378516475859 and parameters: {'x': 1.7407377105650303, 'y': 2.3855217737559635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,866] Trial 109 finished with value: 9.055230122907686 and parameters: {'x': 2.717636437055245, 'y': 2.0991095781429183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,867] Trial 110 finished with value: 7.293293823977846 and parameters: {'x': 1.0877372743905704, 'y': 2.273650413650829}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,868] Trial 111 finished with value: 8.919022535429784 and parameters: {'x': 2.95854396879389, 'y': 1.719039694018197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,868] Trial 112 finished with value: 7.3372819602724455 and parameters: {'x': 1.3623366154825576, 'y': 1.5554901490716264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,869] Trial 113 finished with value: 9.030101823932666 and parameters: {'x': 2.6595623168637306, 'y': 1.349405406692998}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,870] Trial 114 finished with value: 6.072245230822357 and parameters: {'x': 1.025040018500134, 'y': 1.4270855245256404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,871] Trial 115 finished with value: 7.427324175144104 and parameters: {'x': 1.5847021930614489, 'y': 1.388083865430075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,872] Trial 116 finished with value: 7.401331252563596 and parameters: {'x': 1.1720633580392537, 'y': 2.236009826109792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,873] Trial 117 finished with value: 7.707729664135554 and parameters: {'x': 1.6475738512480638, 'y': 1.7842152507174118}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,874] Trial 118 finished with value: 8.353403949911574 and parameters: {'x': 2.2922788419771853, 'y': 2.047108234443308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,875] Trial 119 finished with value: 7.901261536827631 and parameters: {'x': 2.0811791251484095, 'y': 1.5553480135828408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,876] Trial 120 finished with value: 7.929999755129986 and parameters: {'x': 2.1030085786156674, 'y': 1.6315349542573745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,877] Trial 121 finished with value: 9.288051746041393 and parameters: {'x': 2.249248175133083, 'y': 2.9212579305581805}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,878] Trial 122 finished with value: 9.073790993777054 and parameters: {'x': 2.556831585636369, 'y': 2.0192050725676203}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,879] Trial 123 finished with value: 6.1928075617926694 and parameters: {'x': 1.381008070971709, 'y': 1.127196872196507}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,880] Trial 124 finished with value: 10.156698962301324 and parameters: {'x': 2.984010254713117, 'y': 2.4756838541668325}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,881] Trial 125 finished with value: 9.874975505572541 and parameters: {'x': 2.48926356962497, 'y': 2.32310916596693}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,882] Trial 126 finished with value: 8.4403157532315 and parameters: {'x': 1.1674159135861502, 'y': 2.5243468662283424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,883] Trial 127 finished with value: 9.139515973359657 and parameters: {'x': 2.9124136588486005, 'y': 1.448544851596652}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,884] Trial 128 finished with value: 7.359019764415692 and parameters: {'x': 1.845559429941528, 'y': 1.3798715708393237}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,884] Trial 129 finished with value: 8.801406402850382 and parameters: {'x': 2.793280477391969, 'y': 2.0995429900681835}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,885] Trial 130 finished with value: 9.16027496754532 and parameters: {'x': 2.958814654897644, 'y': 1.4501058360334536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,886] Trial 131 finished with value: 9.043089465124277 and parameters: {'x': 2.5531846030820153, 'y': 1.394148666766868}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,887] Trial 132 finished with value: 7.606828759224673 and parameters: {'x': 1.628976929975279, 'y': 1.4619861318720995}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,888] Trial 133 finished with value: 9.070587375279917 and parameters: {'x': 1.419020074634894, 'y': 2.5430493560865637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,889] Trial 134 finished with value: 8.922647531691823 and parameters: {'x': 2.403540709078335, 'y': 1.5039144423310895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,890] Trial 135 finished with value: 7.967844530950847 and parameters: {'x': 1.8344664008911205, 'y': 2.2154175816586967}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,891] Trial 136 finished with value: 6.626032192071815 and parameters: {'x': 1.1376050758152119, 'y': 1.5572043930324122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,892] Trial 137 finished with value: 9.659594459444406 and parameters: {'x': 2.7866196797539673, 'y': 2.9979820048454564}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,893] Trial 138 finished with value: 6.347014296917756 and parameters: {'x': 1.1499787305081524, 'y': 1.4010452377707163}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,894] Trial 139 finished with value: 7.529375914538674 and parameters: {'x': 1.4493857009516564, 'y': 1.9428251265097687}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,895] Trial 140 finished with value: 8.81677041121904 and parameters: {'x': 1.3251875112150269, 'y': 2.9930602325129616}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,895] Trial 141 finished with value: 6.910809469825855 and parameters: {'x': 1.265056131105021, 'y': 2.0342370126064235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,896] Trial 142 finished with value: 8.270503495062389 and parameters: {'x': 1.6712378350511055, 'y': 2.2009435486868285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,897] Trial 143 finished with value: 7.452760285030202 and parameters: {'x': 1.3978757960635275, 'y': 1.5886968818444087}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,898] Trial 144 finished with value: 8.04404936965607 and parameters: {'x': 2.2430845548658915, 'y': 2.043992069057082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,899] Trial 145 finished with value: 9.037078848946711 and parameters: {'x': 2.541655139697369, 'y': 1.8839124502404339}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,900] Trial 146 finished with value: 6.982951805949881 and parameters: {'x': 1.781374575788557, 'y': 1.2651621081908913}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,901] Trial 147 finished with value: 9.20171480473229 and parameters: {'x': 1.6080598211760768, 'y': 2.9650186697000382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,902] Trial 148 finished with value: 6.452025938356062 and parameters: {'x': 1.1479419006340799, 'y': 1.4382449336931642}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,903] Trial 149 finished with value: 8.409147936673097 and parameters: {'x': 1.1982455088041204, 'y': 2.458225719447706}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,904] Trial 150 finished with value: 7.5725037722601485 and parameters: {'x': 1.9508953118972576, 'y': 1.6558619568319393}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,904] Trial 151 finished with value: 8.982528233453667 and parameters: {'x': 1.5525808084216455, 'y': 2.41293048193209}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,905] Trial 152 finished with value: 9.041991086654965 and parameters: {'x': 2.0937943692816763, 'y': 2.4277592159001715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,906] Trial 153 finished with value: 5.742279919822625 and parameters: {'x': 1.9597368328208227, 'y': 1.101870834317938}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,907] Trial 154 finished with value: 7.662524506220276 and parameters: {'x': 1.3428920411087246, 'y': 2.135148324498201}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,908] Trial 155 finished with value: 5.412915944788196 and parameters: {'x': 1.990908743954472, 'y': 1.0050198191556126}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,909] Trial 156 finished with value: 7.384637681531171 and parameters: {'x': 1.8039469768756087, 'y': 2.0905831063243143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,910] Trial 157 finished with value: 7.362225966959187 and parameters: {'x': 1.4451194939759322, 'y': 1.4525537484113495}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,911] Trial 158 finished with value: 10.222437021084144 and parameters: {'x': 2.6488242314394013, 'y': 2.433715704140214}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,912] Trial 159 finished with value: 6.896605385291597 and parameters: {'x': 1.027065396478891, 'y': 2.2375282061374557}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,913] Trial 160 finished with value: 9.070807682748207 and parameters: {'x': 2.965189425709962, 'y': 1.4068019970945893}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,914] Trial 161 finished with value: 8.24245966683869 and parameters: {'x': 2.4278280268516204, 'y': 1.1692189477956123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,915] Trial 162 finished with value: 5.673508204977029 and parameters: {'x': 1.0721727531477638, 'y': 2.0209882776353236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,916] Trial 163 finished with value: 6.685128269118291 and parameters: {'x': 1.0176360039225363, 'y': 2.210740833205314}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,917] Trial 164 finished with value: 7.608037762971426 and parameters: {'x': 1.871629158495657, 'y': 1.6523483721870136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,918] Trial 165 finished with value: 10.386096910354778 and parameters: {'x': 2.5895300471814746, 'y': 2.6305378593259974}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,919] Trial 166 finished with value: 7.40514642679503 and parameters: {'x': 1.7243774639538723, 'y': 1.9789454770033412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,920] Trial 167 finished with value: 9.33732591568054 and parameters: {'x': 2.1457972131567966, 'y': 2.666277852044355}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,920] Trial 168 finished with value: 7.517325492079699 and parameters: {'x': 1.5730197790114377, 'y': 1.436315023136025}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,921] Trial 169 finished with value: 8.954057110696501 and parameters: {'x': 2.565349052914175, 'y': 1.340767290504819}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,922] Trial 170 finished with value: 7.628363624986125 and parameters: {'x': 1.1240421322715355, 'y': 2.9812662390210587}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,923] Trial 171 finished with value: 7.895166227239825 and parameters: {'x': 2.097114156405027, 'y': 1.4841161709967734}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,924] Trial 172 finished with value: 9.650496346883967 and parameters: {'x': 2.878011320154017, 'y': 2.3083770732523208}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,925] Trial 173 finished with value: 10.179377446684578 and parameters: {'x': 2.5992281043426297, 'y': 2.960157496955233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,926] Trial 174 finished with value: 8.393777129433174 and parameters: {'x': 2.87864454294124, 'y': 1.239177096324707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,927] Trial 175 finished with value: 8.117760168554438 and parameters: {'x': 1.6390553207059786, 'y': 2.1544961862419205}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,928] Trial 176 finished with value: 7.780286127425217 and parameters: {'x': 1.9561316950363021, 'y': 2.2200267269991105}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,929] Trial 177 finished with value: 8.97783184216078 and parameters: {'x': 2.4029650756157688, 'y': 1.6597546371143177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,930] Trial 178 finished with value: 9.208872159188012 and parameters: {'x': 2.9549234687416903, 'y': 2.88628287561888}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,931] Trial 179 finished with value: 5.4049656445919965 and parameters: {'x': 1.011013356212266, 'y': 1.9578420384618553}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,932] Trial 180 finished with value: 9.12174191938108 and parameters: {'x': 2.3678749028786994, 'y': 2.17278483879681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,933] Trial 181 finished with value: 10.198826009408865 and parameters: {'x': 2.958641606176584, 'y': 2.5484903125582936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,934] Trial 182 finished with value: 7.6476415377950175 and parameters: {'x': 1.545998442266486, 'y': 1.9323981096163951}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,935] Trial 183 finished with value: 8.124489221721925 and parameters: {'x': 1.6758563638478126, 'y': 2.168679284141233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,936] Trial 184 finished with value: 7.64968413734136 and parameters: {'x': 2.209815005464777, 'y': 1.2569555742100504}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,937] Trial 185 finished with value: 7.803305947129413 and parameters: {'x': 2.0466239336984975, 'y': 1.5762074968179676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,937] Trial 186 finished with value: 8.05474377153569 and parameters: {'x': 2.1632397775778105, 'y': 1.6998366051182627}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,938] Trial 187 finished with value: 6.144941991306926 and parameters: {'x': 1.7747923908250454, 'y': 1.0826847582822892}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,939] Trial 188 finished with value: 6.2127589120851745 and parameters: {'x': 2.066909130422448, 'y': 1.1382530755142026}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,940] Trial 189 finished with value: 6.561669600397277 and parameters: {'x': 1.115901581604201, 'y': 1.629822531869676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,941] Trial 190 finished with value: 7.890219400244215 and parameters: {'x': 2.084328797212484, 'y': 1.5148949334884845}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,942] Trial 191 finished with value: 7.464114852010187 and parameters: {'x': 1.8892808907270018, 'y': 1.713626723491136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,943] Trial 192 finished with value: 7.156552221150989 and parameters: {'x': 1.786094779669809, 'y': 1.960800211946864}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,944] Trial 193 finished with value: 8.951979216755136 and parameters: {'x': 1.7413234774569297, 'y': 2.8444003260863475}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,945] Trial 194 finished with value: 8.613621999490935 and parameters: {'x': 2.277526156650702, 'y': 1.5896308935518735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,946] Trial 195 finished with value: 6.996158886658911 and parameters: {'x': 1.27798756081083, 'y': 1.8105280925644867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,947] Trial 196 finished with value: 8.611348223142354 and parameters: {'x': 2.780063608043692, 'y': 1.2470883370791117}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,948] Trial 197 finished with value: 6.030637405462642 and parameters: {'x': 1.3669459553065468, 'y': 1.0967663914722383}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,949] Trial 198 finished with value: 8.9651624986928 and parameters: {'x': 2.45114124303605, 'y': 1.8177367495614867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,950] Trial 199 finished with value: 8.915451335211346 and parameters: {'x': 2.335872085479096, 'y': 2.150144686924997}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,950] Trial 200 finished with value: 7.021661568826715 and parameters: {'x': 1.8602528352275918, 'y': 1.8654081939662959}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,951] Trial 201 finished with value: 9.769519658797082 and parameters: {'x': 2.7347930055246903, 'y': 2.281904221003719}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,952] Trial 202 finished with value: 4.469825231897417 and parameters: {'x': 1.1276709782028493, 'y': 1.076434141934986}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,953] Trial 203 finished with value: 10.239785901129567 and parameters: {'x': 2.5334930752056657, 'y': 2.8412627361168794}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,954] Trial 204 finished with value: 8.53553773386228 and parameters: {'x': 1.9038626907012923, 'y': 2.808230478175809}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,955] Trial 205 finished with value: 7.469472666097261 and parameters: {'x': 2.0627178614594097, 'y': 1.361793778177681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,956] Trial 206 finished with value: 6.667264537099793 and parameters: {'x': 1.155198996514189, 'y': 1.6725570179291875}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,957] Trial 207 finished with value: 9.076853313820374 and parameters: {'x': 1.8583070910014763, 'y': 2.575429422230293}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,958] Trial 208 finished with value: 7.763861642014163 and parameters: {'x': 1.3957039185663036, 'y': 2.115221306953389}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,959] Trial 209 finished with value: 7.931876268965578 and parameters: {'x': 1.0377878625094168, 'y': 2.7386171658588525}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,960] Trial 210 finished with value: 9.291572445362457 and parameters: {'x': 1.5225522661296755, 'y': 2.72999996019061}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,961] Trial 211 finished with value: 7.90789463480928 and parameters: {'x': 2.1580208652985027, 'y': 1.7481916178348185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,962] Trial 212 finished with value: 8.331075538821214 and parameters: {'x': 1.3086571202225628, 'y': 2.322867543653529}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,963] Trial 213 finished with value: 7.134902741194471 and parameters: {'x': 1.311339134694525, 'y': 1.8159808263688133}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,964] Trial 214 finished with value: 8.508767907255717 and parameters: {'x': 1.5328694871482778, 'y': 2.253473258892857}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,965] Trial 215 finished with value: 10.160814928725088 and parameters: {'x': 2.4340858563813637, 'y': 2.5328342880614736}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,966] Trial 216 finished with value: 7.520519248925659 and parameters: {'x': 2.8358217538122545, 'y': 1.0073602356390727}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,967] Trial 217 finished with value: 8.734898042294475 and parameters: {'x': 2.3976126842507304, 'y': 1.9818004671370137}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,968] Trial 218 finished with value: 9.212983735328182 and parameters: {'x': 2.5707009425331124, 'y': 1.510914137767352}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,969] Trial 219 finished with value: 7.630386114164498 and parameters: {'x': 2.290055224334804, 'y': 1.1542707595107782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,970] Trial 220 finished with value: 9.223023627226235 and parameters: {'x': 1.4874256907368923, 'y': 2.8243687678809852}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,971] Trial 221 finished with value: 6.491452216777805 and parameters: {'x': 2.178628325873583, 'y': 1.0417939251882566}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,972] Trial 222 finished with value: 8.964465884983193 and parameters: {'x': 2.435201368490529, 'y': 1.4774745015263917}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,974] Trial 223 finished with value: 9.787167605334385 and parameters: {'x': 2.5102236610164814, 'y': 2.280925654939244}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,975] Trial 224 finished with value: 10.263157219003295 and parameters: {'x': 2.4943112514176353, 'y': 2.7744643239933993}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,976] Trial 225 finished with value: 8.10062600422781 and parameters: {'x': 1.4212237274775974, 'y': 2.1854087410493284}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,977] Trial 226 finished with value: 7.400051605325441 and parameters: {'x': 1.3919703351200805, 'y': 1.549329359587792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,978] Trial 227 finished with value: 10.142835796284338 and parameters: {'x': 2.4810205514098005, 'y': 2.947362586144786}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,979] Trial 228 finished with value: 7.315275574586037 and parameters: {'x': 1.9544917597569376, 'y': 1.746454737362182}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,980] Trial 229 finished with value: 8.02264358861355 and parameters: {'x': 2.024667187134299, 'y': 2.9507638023385447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,981] Trial 230 finished with value: 7.650780229269962 and parameters: {'x': 1.5589595248514958, 'y': 1.8963027349856008}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,982] Trial 231 finished with value: 8.75642052006269 and parameters: {'x': 1.2578489085880764, 'y': 2.573495333602545}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,983] Trial 232 finished with value: 7.720926630613398 and parameters: {'x': 1.6683961727920873, 'y': 2.0584749448370667}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,984] Trial 233 finished with value: 10.111196291118265 and parameters: {'x': 2.388544278181339, 'y': 2.5758930870083345}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,985] Trial 234 finished with value: 8.999141681351706 and parameters: {'x': 1.3880499083930444, 'y': 2.9198551748985655}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,985] Trial 235 finished with value: 6.947255849127545 and parameters: {'x': 1.3017815054591813, 'y': 1.4239006206842184}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,986] Trial 236 finished with value: 8.093163601417645 and parameters: {'x': 1.022966381407082, 'y': 2.511672249150409}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,987] Trial 237 finished with value: 9.244523525498478 and parameters: {'x': 2.1309296907352304, 'y': 2.687476427568785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,988] Trial 238 finished with value: 7.404512967642068 and parameters: {'x': 1.325042353063805, 'y': 2.0888798280457053}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,989] Trial 239 finished with value: 8.276865554192819 and parameters: {'x': 2.184880893629826, 'y': 2.178955012453271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,990] Trial 240 finished with value: 9.001965784325948 and parameters: {'x': 2.6346136475206117, 'y': 1.9949438321654618}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,991] Trial 241 finished with value: 6.951984210410229 and parameters: {'x': 2.0125264882488345, 'y': 1.2811406982064169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,992] Trial 242 finished with value: 9.059296508005236 and parameters: {'x': 1.3974245366863893, 'y': 2.5622304428793035}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,993] Trial 243 finished with value: 8.206034009843497 and parameters: {'x': 2.9364115200634586, 'y': 1.883919482780143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,994] Trial 244 finished with value: 9.921919105284765 and parameters: {'x': 2.8470228282279604, 'y': 2.3680211380618044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,995] Trial 245 finished with value: 5.862369248339185 and parameters: {'x': 1.1142529535002255, 'y': 2.0076454952194416}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,996] Trial 246 finished with value: 7.481016763418873 and parameters: {'x': 2.0251579459513422, 'y': 1.7229460313825542}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,997] Trial 247 finished with value: 9.084504448433803 and parameters: {'x': 2.5598314697394455, 'y': 1.84622302020528}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,998] Trial 248 finished with value: 9.730779841830977 and parameters: {'x': 2.705026542530438, 'y': 2.261172872438412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:31,999] Trial 249 finished with value: 6.970087709999072 and parameters: {'x': 2.2056625156106104, 'y': 1.1199626417334956}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,000] Trial 250 finished with value: 8.953933738523933 and parameters: {'x': 2.702914966726759, 'y': 1.860231761427788}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,000] Trial 251 finished with value: 9.748424617891873 and parameters: {'x': 2.4667731201567493, 'y': 2.2888764660961294}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,001] Trial 252 finished with value: 9.167673651450142 and parameters: {'x': 2.072195797772089, 'y': 2.610655666055697}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,002] Trial 253 finished with value: 7.147031598038101 and parameters: {'x': 1.291699180736912, 'y': 1.7390061583839724}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,003] Trial 254 finished with value: 6.116670622794018 and parameters: {'x': 2.1301272592646647, 'y': 1.0347697813695165}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,004] Trial 255 finished with value: 8.208828599746406 and parameters: {'x': 2.2867287156201046, 'y': 1.9679983737249274}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,005] Trial 256 finished with value: 6.548620766445598 and parameters: {'x': 1.2044888856944802, 'y': 1.4005015727656103}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,007] Trial 257 finished with value: 10.31713510610331 and parameters: {'x': 2.612563047786084, 'y': 2.7704625571335404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,009] Trial 258 finished with value: 10.084552858039983 and parameters: {'x': 2.4972956483612614, 'y': 2.4135511676669017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,010] Trial 259 finished with value: 8.704815048381596 and parameters: {'x': 1.8348199894899018, 'y': 2.816913002698824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,011] Trial 260 finished with value: 9.909882350543576 and parameters: {'x': 2.782731419649844, 'y': 2.8262820425631365}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,011] Trial 261 finished with value: 5.976489893672717 and parameters: {'x': 1.7736308753893941, 'y': 1.020860693431882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,012] Trial 262 finished with value: 5.927980057999747 and parameters: {'x': 2.016682408877395, 'y': 1.121591782697312}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,013] Trial 263 finished with value: 8.858717705415632 and parameters: {'x': 1.5563968701377697, 'y': 2.3616592332265505}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,014] Trial 264 finished with value: 10.033313474090175 and parameters: {'x': 2.9006873116428213, 'y': 2.692515618646322}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,015] Trial 265 finished with value: 8.880528053164227 and parameters: {'x': 1.3391217993231546, 'y': 2.5119201657605466}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,016] Trial 266 finished with value: 6.512793795585026 and parameters: {'x': 1.0973914976258345, 'y': 1.598088367554651}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,017] Trial 267 finished with value: 10.133308161929415 and parameters: {'x': 2.4722329634215807, 'y': 2.9038913264736412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,018] Trial 268 finished with value: 9.009577894524508 and parameters: {'x': 2.848278275800719, 'y': 1.71975219955167}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,019] Trial 269 finished with value: 9.073466277909414 and parameters: {'x': 1.8477499271033209, 'y': 2.544824490259407}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,020] Trial 270 finished with value: 8.857712616202502 and parameters: {'x': 2.7763762931812623, 'y': 2.0978016101308743}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,021] Trial 271 finished with value: 8.336836626348964 and parameters: {'x': 2.3795700310590426, 'y': 1.2465209738223508}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,022] Trial 272 finished with value: 5.916158701235933 and parameters: {'x': 1.362378593042143, 'y': 1.0660251203586257}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,023] Trial 273 finished with value: 9.146929015217898 and parameters: {'x': 1.8033754828833874, 'y': 2.6047616206447453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,024] Trial 274 finished with value: 7.438775490254871 and parameters: {'x': 1.7578386164256896, 'y': 1.8327485767740324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,025] Trial 275 finished with value: 7.535911323474094 and parameters: {'x': 1.6806223274483807, 'y': 1.9795460472091044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,026] Trial 276 finished with value: 7.2692615352023005 and parameters: {'x': 1.3721922862035816, 'y': 1.4889755041007238}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,027] Trial 277 finished with value: 10.156213247691806 and parameters: {'x': 2.439013905615374, 'y': 2.798546701303678}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,028] Trial 278 finished with value: 7.594454224312965 and parameters: {'x': 1.7836186155171991, 'y': 1.7335789878704169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,028] Trial 279 finished with value: 9.692863147985143 and parameters: {'x': 2.830534386150495, 'y': 2.8448425756608664}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,029] Trial 280 finished with value: 10.354735182718246 and parameters: {'x': 2.654619006311158, 'y': 2.535702751682674}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,030] Trial 281 finished with value: 9.59974810128511 and parameters: {'x': 2.2129591988883632, 'y': 2.6594307933091414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,031] Trial 282 finished with value: 9.171231249430022 and parameters: {'x': 2.4126063326685623, 'y': 2.1477052796850047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,032] Trial 283 finished with value: 4.423097764063691 and parameters: {'x': 1.1136507650040754, 'y': 1.085185414659418}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,033] Trial 284 finished with value: 8.518116853818347 and parameters: {'x': 2.2714436670861144, 'y': 1.4799874049703434}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,034] Trial 285 finished with value: 6.308183889141347 and parameters: {'x': 1.1798253175175006, 'y': 1.358477133667177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,035] Trial 286 finished with value: 5.721946692056417 and parameters: {'x': 1.0636206120922096, 'y': 1.8733061965353646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,036] Trial 287 finished with value: 7.677943634548251 and parameters: {'x': 1.121973471590385, 'y': 2.9035790410998183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,037] Trial 288 finished with value: 9.151799227058577 and parameters: {'x': 2.6069182409954905, 'y': 1.7996328195485836}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,038] Trial 289 finished with value: 10.013127416178817 and parameters: {'x': 2.4167858431807874, 'y': 2.9164976263663602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,039] Trial 290 finished with value: 4.998303328378896 and parameters: {'x': 1.1542956742066215, 'y': 1.140781609596429}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,040] Trial 291 finished with value: 8.28114606706547 and parameters: {'x': 2.1879466071750313, 'y': 1.5581671187822235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,041] Trial 292 finished with value: 8.832524046610402 and parameters: {'x': 2.300366007103639, 'y': 2.16793189577589}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,042] Trial 293 finished with value: 5.711376066059369 and parameters: {'x': 1.094322932423767, 'y': 1.9411323943054628}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,043] Trial 294 finished with value: 7.760929512264443 and parameters: {'x': 2.071568489594031, 'y': 1.4523217653510414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,043] Trial 295 finished with value: 9.671827782479724 and parameters: {'x': 2.9922109078108097, 'y': 2.7826847496567426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,044] Trial 296 finished with value: 6.710962291458795 and parameters: {'x': 2.0479007588535945, 'y': 1.2261318608148313}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,045] Trial 297 finished with value: 9.202996753526495 and parameters: {'x': 2.8645562118427224, 'y': 1.6129257002416637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,046] Trial 298 finished with value: 5.60593399078077 and parameters: {'x': 1.0573022885455976, 'y': 1.3062488386606321}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,047] Trial 299 finished with value: 6.58244865409225 and parameters: {'x': 1.3655659763270604, 'y': 1.2432668725475122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,048] Trial 300 finished with value: 6.2066836519014394 and parameters: {'x': 1.331275367399907, 'y': 1.182084471528453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,049] Trial 301 finished with value: 8.984835506742034 and parameters: {'x': 2.0438870786774963, 'y': 2.6836625341675298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,050] Trial 302 finished with value: 9.135668282526662 and parameters: {'x': 1.6844674053929338, 'y': 2.482716416022635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,051] Trial 303 finished with value: 10.359646028416753 and parameters: {'x': 2.5754761557918533, 'y': 2.7198582320674056}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,053] Trial 304 finished with value: 7.361657153468046 and parameters: {'x': 1.3571872591947314, 'y': 1.75345728109374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,054] Trial 305 finished with value: 7.913504782012886 and parameters: {'x': 2.2567402470676416, 'y': 1.2652867032397062}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,056] Trial 306 finished with value: 9.347623407815192 and parameters: {'x': 2.1932762319899344, 'y': 2.7575887786576088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,057] Trial 307 finished with value: 6.238482058571574 and parameters: {'x': 1.398568508516686, 'y': 1.1219645882466098}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,058] Trial 308 finished with value: 9.255211632335527 and parameters: {'x': 2.1065275363082856, 'y': 2.623147599225602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,059] Trial 309 finished with value: 7.9259135284926625 and parameters: {'x': 2.401557205780505, 'y': 1.0884686415000555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,060] Trial 310 finished with value: 9.912652969472223 and parameters: {'x': 2.4927665585904117, 'y': 2.3362285111941388}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,061] Trial 311 finished with value: 7.9160816136541055 and parameters: {'x': 2.086039549812548, 'y': 1.5718753826147212}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,062] Trial 312 finished with value: 8.846211582353332 and parameters: {'x': 2.7946975959997085, 'y': 2.1111493443901646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,063] Trial 313 finished with value: 8.447724376654612 and parameters: {'x': 1.231940729779242, 'y': 2.4329241473881456}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,064] Trial 314 finished with value: 7.552500541854169 and parameters: {'x': 1.7919999988976703, 'y': 1.7463777927679258}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,065] Trial 315 finished with value: 9.218512393996935 and parameters: {'x': 1.5175664405513307, 'y': 2.924995588232765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,066] Trial 316 finished with value: 6.857585341545889 and parameters: {'x': 2.0710526351204024, 'y': 1.9257182649214797}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,067] Trial 317 finished with value: 6.2545662723315765 and parameters: {'x': 1.0302565320977815, 'y': 2.150580729287884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,068] Trial 318 finished with value: 7.983987219108325 and parameters: {'x': 2.4111627134494213, 'y': 1.0980217544085398}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,069] Trial 319 finished with value: 8.357108631911709 and parameters: {'x': 1.2100873805705843, 'y': 2.820830469555223}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,070] Trial 320 finished with value: 6.699130383291198 and parameters: {'x': 1.215682949072571, 'y': 2.0632357475823735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,071] Trial 321 finished with value: 8.948976386936518 and parameters: {'x': 1.331367634034851, 'y': 2.581299783112364}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,072] Trial 322 finished with value: 7.982138721518298 and parameters: {'x': 1.988398470351165, 'y': 2.945407386064451}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,073] Trial 323 finished with value: 9.745623933776441 and parameters: {'x': 2.30428299904322, 'y': 2.805664681125419}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,074] Trial 324 finished with value: 7.613461888965885 and parameters: {'x': 1.0069534961965363, 'y': 2.8127180219484327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,075] Trial 325 finished with value: 7.652181636405894 and parameters: {'x': 1.8566641006360123, 'y': 1.5309023468189245}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,076] Trial 326 finished with value: 9.162199390098213 and parameters: {'x': 2.9688223241275935, 'y': 2.8965908439695895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,077] Trial 327 finished with value: 8.603561199051127 and parameters: {'x': 2.101710342423472, 'y': 2.8472037870659075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,078] Trial 328 finished with value: 9.238104079329661 and parameters: {'x': 1.4645047073963369, 'y': 2.7201884102366276}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,079] Trial 329 finished with value: 9.2059890001439 and parameters: {'x': 1.5029492524669203, 'y': 2.570755821365006}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,080] Trial 330 finished with value: 8.662235215716079 and parameters: {'x': 1.9668160413505607, 'y': 2.7570260466308625}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,081] Trial 331 finished with value: 4.387601305751666 and parameters: {'x': 1.1063704438455368, 'y': 1.0869451970964539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,082] Trial 332 finished with value: 8.743504814708885 and parameters: {'x': 2.42920152555666, 'y': 1.3500254719172264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,083] Trial 333 finished with value: 7.474602128171121 and parameters: {'x': 1.152829659231377, 'y': 2.263024436911833}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,085] Trial 334 finished with value: 7.7139152591869955 and parameters: {'x': 2.083902436337981, 'y': 1.7042422360941185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,086] Trial 335 finished with value: 9.064165098697746 and parameters: {'x': 2.196396028837885, 'y': 2.868474069611013}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,087] Trial 336 finished with value: 7.526207724974352 and parameters: {'x': 1.748765975307913, 'y': 1.4175092102644002}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,088] Trial 337 finished with value: 8.87318611022771 and parameters: {'x': 1.4301086067741993, 'y': 2.4221290283239707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,089] Trial 338 finished with value: 7.437628554622544 and parameters: {'x': 1.5370848528034777, 'y': 1.4164035735238645}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,090] Trial 339 finished with value: 9.108528828823486 and parameters: {'x': 2.8221419136641974, 'y': 1.4137540686047536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,091] Trial 340 finished with value: 10.224469832486484 and parameters: {'x': 2.7627939976725715, 'y': 2.712650585544082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,092] Trial 341 finished with value: 9.157248639712966 and parameters: {'x': 1.621381698958753, 'y': 2.490024536343387}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,093] Trial 342 finished with value: 9.067096629559234 and parameters: {'x': 2.965909978088968, 'y': 2.9290256135131707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,094] Trial 343 finished with value: 8.20828834637247 and parameters: {'x': 2.551873644603601, 'y': 1.0660867667675091}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,095] Trial 344 finished with value: 7.619650128094548 and parameters: {'x': 2.0644661743154415, 'y': 1.4042470172553296}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,096] Trial 345 finished with value: 8.763579496092841 and parameters: {'x': 1.6545509357446349, 'y': 2.3265521680886843}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,097] Trial 346 finished with value: 10.329168526789621 and parameters: {'x': 2.644777207725301, 'y': 2.5097392192993073}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,098] Trial 347 finished with value: 6.209810066889293 and parameters: {'x': 1.794374892990855, 'y': 1.1141125151488116}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,099] Trial 348 finished with value: 7.984742852035451 and parameters: {'x': 1.092178496970699, 'y': 2.41579734736726}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,100] Trial 349 finished with value: 8.870990662413382 and parameters: {'x': 1.3414984313948313, 'y': 2.982007944245219}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,101] Trial 350 finished with value: 8.966183159301048 and parameters: {'x': 2.4075892104439074, 'y': 1.7079217481458522}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,102] Trial 351 finished with value: 7.656693888229608 and parameters: {'x': 1.8518279470371772, 'y': 1.6238590298596043}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,103] Trial 352 finished with value: 9.062458866554683 and parameters: {'x': 2.6177201797519714, 'y': 1.8642498769805247}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,104] Trial 353 finished with value: 9.018050055020714 and parameters: {'x': 2.4187002604843553, 'y': 1.6138392905141121}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,105] Trial 354 finished with value: 8.991109902167452 and parameters: {'x': 1.3703645448408575, 'y': 2.834356324376323}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,106] Trial 355 finished with value: 8.38152104519662 and parameters: {'x': 1.1555343303547916, 'y': 2.7006567266890333}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,107] Trial 356 finished with value: 6.212801250088436 and parameters: {'x': 1.1805670600758351, 'y': 1.3342035077899745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,108] Trial 357 finished with value: 7.941553127535705 and parameters: {'x': 2.7592288821782676, 'y': 1.0706680098479076}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,109] Trial 358 finished with value: 7.224303585235438 and parameters: {'x': 1.3045011153751436, 'y': 1.6118863229503622}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,110] Trial 359 finished with value: 8.44450330401257 and parameters: {'x': 2.2335451159558417, 'y': 1.628179759156297}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,111] Trial 360 finished with value: 7.044886595511825 and parameters: {'x': 1.9972271639585526, 'y': 1.3032450288065827}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,112] Trial 361 finished with value: 8.270774653868527 and parameters: {'x': 2.8974389690073172, 'y': 1.888026611242919}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,113] Trial 362 finished with value: 8.91666182979364 and parameters: {'x': 2.4368892491097727, 'y': 1.4377983452111882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,115] Trial 363 finished with value: 10.088239690096223 and parameters: {'x': 2.865870145047425, 'y': 2.4358911847461413}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,116] Trial 364 finished with value: 8.78965221877254 and parameters: {'x': 2.3358581438953543, 'y': 1.6618000006359324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,117] Trial 365 finished with value: 10.125686298125409 and parameters: {'x': 2.445415598969073, 'y': 2.84484078419461}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,118] Trial 366 finished with value: 7.343383611464031 and parameters: {'x': 1.7769158794075075, 'y': 2.0507637598350668}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,119] Trial 367 finished with value: 7.997988774164467 and parameters: {'x': 2.2356426584991205, 'y': 2.0451278303879987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,120] Trial 368 finished with value: 8.205247029616046 and parameters: {'x': 2.187146945707058, 'y': 1.4742898645858042}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,121] Trial 369 finished with value: 9.00406642736227 and parameters: {'x': 1.9929649460017025, 'y': 2.5078903999195608}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,122] Trial 370 finished with value: 5.226188688989737 and parameters: {'x': 1.0087444470767506, 'y': 1.2633840962145775}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,123] Trial 371 finished with value: 8.71485187368858 and parameters: {'x': 1.3079096308120766, 'y': 2.9738261872510607}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,124] Trial 372 finished with value: 9.216845434625913 and parameters: {'x': 1.508575392047343, 'y': 2.8773204260382386}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,125] Trial 373 finished with value: 9.17989793263459 and parameters: {'x': 2.8841994959270485, 'y': 1.621651975448489}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,126] Trial 374 finished with value: 8.98557586111079 and parameters: {'x': 2.500830384642061, 'y': 1.8944341497362096}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,127] Trial 375 finished with value: 9.303369240522263 and parameters: {'x': 1.5391501775074237, 'y': 2.711571907670349}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,128] Trial 376 finished with value: 8.750471615681288 and parameters: {'x': 1.4913406700000764, 'y': 2.341732508736907}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,129] Trial 377 finished with value: 7.227982143201142 and parameters: {'x': 1.3268853102432239, 'y': 1.7885289413291054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,130] Trial 378 finished with value: 10.023162229027282 and parameters: {'x': 2.396048090406278, 'y': 2.8314615713289455}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,131] Trial 379 finished with value: 6.092896856433121 and parameters: {'x': 1.7911165415621344, 'y': 1.08382619235308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,132] Trial 380 finished with value: 6.120317782062621 and parameters: {'x': 1.4032309691122884, 'y': 1.079894591239306}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,133] Trial 381 finished with value: 7.022502908484473 and parameters: {'x': 1.8824910993699955, 'y': 1.3033402032471397}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,134] Trial 382 finished with value: 7.652674431707082 and parameters: {'x': 1.8497308313116698, 'y': 1.6310518292420932}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,135] Trial 383 finished with value: 5.822719727358805 and parameters: {'x': 1.3215559497308957, 'y': 1.0981061820951246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,136] Trial 384 finished with value: 7.373644800992425 and parameters: {'x': 1.3940794368916745, 'y': 1.9120470222848358}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,137] Trial 385 finished with value: 5.481155598344511 and parameters: {'x': 1.9414607876752354, 'y': 1.0393575200952851}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,138] Trial 386 finished with value: 10.096454316474768 and parameters: {'x': 2.4543933766663644, 'y': 2.928712322892695}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,139] Trial 387 finished with value: 6.370030836329917 and parameters: {'x': 1.3548891051987708, 'y': 1.1986347193634166}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,140] Trial 388 finished with value: 8.509039975333158 and parameters: {'x': 2.322081543679178, 'y': 1.8428832782616735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,141] Trial 389 finished with value: 7.267810238351741 and parameters: {'x': 1.6160281384053163, 'y': 1.3184453833011878}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,142] Trial 390 finished with value: 5.601143816756288 and parameters: {'x': 1.0084796381477859, 'y': 1.8664753046910936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,143] Trial 391 finished with value: 9.279754455615958 and parameters: {'x': 2.873043369326268, 'y': 2.9390091395584017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,144] Trial 392 finished with value: 7.491358104879318 and parameters: {'x': 2.1375796868486256, 'y': 1.8391439039291715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,145] Trial 393 finished with value: 7.469105104664758 and parameters: {'x': 1.7923971939999055, 'y': 2.0989587544380424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,146] Trial 394 finished with value: 8.956798399528843 and parameters: {'x': 1.711999584921766, 'y': 2.9091711768326656}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,147] Trial 395 finished with value: 9.174547757972167 and parameters: {'x': 2.840890581133052, 'y': 1.4561757164149107}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,148] Trial 396 finished with value: 7.851700424065141 and parameters: {'x': 1.7113279109352795, 'y': 2.123481419395448}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,149] Trial 397 finished with value: 7.750692605356102 and parameters: {'x': 1.6902889832813934, 'y': 1.5623461183014966}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,150] Trial 398 finished with value: 8.755451855147848 and parameters: {'x': 2.911761337310541, 'y': 1.3197890733099533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,151] Trial 399 finished with value: 10.268295211866295 and parameters: {'x': 2.476466615710587, 'y': 2.7332328340294563}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,152] Trial 400 finished with value: 6.417574443703831 and parameters: {'x': 2.177474958724643, 'y': 1.005653626481327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,153] Trial 401 finished with value: 7.668896523263015 and parameters: {'x': 1.644378784575017, 'y': 1.4968063585350646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,154] Trial 402 finished with value: 8.19298658310015 and parameters: {'x': 2.431289201640437, 'y': 1.149653767432715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,154] Trial 403 finished with value: 8.97130164568623 and parameters: {'x': 2.0238418672969654, 'y': 2.464378965120093}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,156] Trial 404 finished with value: 9.9498222644883 and parameters: {'x': 2.888144037415016, 'y': 2.3893540652536975}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,157] Trial 405 finished with value: 8.946878681936214 and parameters: {'x': 2.4819106838477336, 'y': 1.9690251042928717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,158] Trial 406 finished with value: 9.2775145368802 and parameters: {'x': 1.6086848468720156, 'y': 2.7757886297325713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,158] Trial 407 finished with value: 6.0398599077263455 and parameters: {'x': 1.0094173253653007, 'y': 2.126016301637884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,159] Trial 408 finished with value: 7.172267725737418 and parameters: {'x': 1.8647089587091887, 'y': 2.0967083242682962}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,160] Trial 409 finished with value: 10.06942366313142 and parameters: {'x': 2.368979331565893, 'y': 2.7081400803511215}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,161] Trial 410 finished with value: 6.13664299399473 and parameters: {'x': 1.0540333265179518, 'y': 1.4282302453602083}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,162] Trial 411 finished with value: 7.308753587807553 and parameters: {'x': 1.330671073227345, 'y': 1.6984403303355533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,163] Trial 412 finished with value: 6.767207011793218 and parameters: {'x': 1.206523047230095, 'y': 1.7496095327225718}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,164] Trial 413 finished with value: 8.92360731321179 and parameters: {'x': 1.3945161668885826, 'y': 2.4748484732751246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,165] Trial 414 finished with value: 6.680035661311976 and parameters: {'x': 1.9976931371083386, 'y': 2.0379928984768765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,167] Trial 415 finished with value: 7.414252441736993 and parameters: {'x': 1.534572725393671, 'y': 1.4067465865126285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,167] Trial 416 finished with value: 8.9996012583928 and parameters: {'x': 2.585170495454305, 'y': 1.3532149268593918}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,168] Trial 417 finished with value: 9.90548167086543 and parameters: {'x': 2.3399565787146277, 'y': 2.787020230782926}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,169] Trial 418 finished with value: 7.691607288024512 and parameters: {'x': 1.1359010765855024, 'y': 2.9686284408298524}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,170] Trial 419 finished with value: 9.796735720491617 and parameters: {'x': 2.820579493870747, 'y': 2.823207076944582}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,171] Trial 420 finished with value: 6.260789565502911 and parameters: {'x': 1.81156678146324, 'y': 1.1360440007461408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,172] Trial 421 finished with value: 9.21860388769146 and parameters: {'x': 2.4250417759272396, 'y': 2.151886634469717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,173] Trial 422 finished with value: 9.088805627236487 and parameters: {'x': 2.4946484937597644, 'y': 1.489491780477701}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,174] Trial 423 finished with value: 6.226677245473308 and parameters: {'x': 1.1477089283401192, 'y': 2.056377420203176}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,175] Trial 424 finished with value: 8.483973107680615 and parameters: {'x': 2.3302930707241654, 'y': 1.8862617093564347}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,177] Trial 425 finished with value: 10.189866481093429 and parameters: {'x': 2.8205578954962713, 'y': 2.6743642252871402}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,178] Trial 426 finished with value: 4.266283468162449 and parameters: {'x': 1.128574522835871, 'y': 1.0186489038456865}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,179] Trial 427 finished with value: 8.788669762186533 and parameters: {'x': 1.3313453765359875, 'y': 2.4692989209762657}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,180] Trial 428 finished with value: 9.897316989347988 and parameters: {'x': 2.379633485342911, 'y': 2.9387309613275088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,181] Trial 429 finished with value: 7.733897179743261 and parameters: {'x': 2.3548144243288824, 'y': 1.0883146783356357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,182] Trial 430 finished with value: 9.770730743480064 and parameters: {'x': 2.34392440316154, 'y': 2.9737399239212152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,183] Trial 431 finished with value: 6.651404870689522 and parameters: {'x': 1.2401114796732557, 'y': 1.9103876401791673}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,184] Trial 432 finished with value: 8.624387367423939 and parameters: {'x': 2.343842819069655, 'y': 1.402892703320057}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,185] Trial 433 finished with value: 7.319391065120538 and parameters: {'x': 1.3369742062000984, 'y': 1.7193648999124012}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,186] Trial 434 finished with value: 8.63207059410576 and parameters: {'x': 1.568076793133939, 'y': 2.284355408978114}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,187] Trial 435 finished with value: 6.170131843245223 and parameters: {'x': 1.0418953375485036, 'y': 2.135054245104543}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,188] Trial 436 finished with value: 10.369997992085416 and parameters: {'x': 2.61908092246873, 'y': 2.7087079857491236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,189] Trial 437 finished with value: 8.214286391310745 and parameters: {'x': 2.1802285557954493, 'y': 1.6466895137837072}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,190] Trial 438 finished with value: 6.5325083151338745 and parameters: {'x': 1.301511960988448, 'y': 1.2904075186733923}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,191] Trial 439 finished with value: 7.81961102131716 and parameters: {'x': 1.951071480713511, 'y': 2.225511766887371}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,192] Trial 440 finished with value: 8.789791847209642 and parameters: {'x': 1.752568510864902, 'y': 2.9694528025425426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,193] Trial 441 finished with value: 8.845951391776083 and parameters: {'x': 2.9348530597453095, 'y': 1.7386220876900822}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,195] Trial 442 finished with value: 6.8313562893640825 and parameters: {'x': 1.1584195744800634, 'y': 2.1553107291156395}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,196] Trial 443 finished with value: 8.282440802944908 and parameters: {'x': 2.084635187581866, 'y': 2.9245462877708213}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,198] Trial 444 finished with value: 8.144098982016738 and parameters: {'x': 2.170455647030789, 'y': 1.6684600849133298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,199] Trial 445 finished with value: 9.296643075908719 and parameters: {'x': 2.615662796561897, 'y': 1.6100294259063987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,200] Trial 446 finished with value: 9.19390522333622 and parameters: {'x': 2.710246886375865, 'y': 2.130858864690644}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,201] Trial 447 finished with value: 7.531965885725688 and parameters: {'x': 1.9211051500257048, 'y': 1.6758861594909447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,202] Trial 448 finished with value: 7.331382168303733 and parameters: {'x': 1.67953723621456, 'y': 1.3365870657098382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,203] Trial 449 finished with value: 9.116973692268562 and parameters: {'x': 1.820991457831393, 'y': 2.567164362724064}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,204] Trial 450 finished with value: 7.53338235239057 and parameters: {'x': 1.9203094803694931, 'y': 2.1793049604401054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,205] Trial 451 finished with value: 9.224526595418926 and parameters: {'x': 2.9455951435052024, 'y': 1.5139853696768606}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,206] Trial 452 finished with value: 9.223170573081077 and parameters: {'x': 2.8334166644240124, 'y': 2.20836504015143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,207] Trial 453 finished with value: 6.999654263756282 and parameters: {'x': 2.1589629880195247, 'y': 1.1846411930598055}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,208] Trial 454 finished with value: 9.474341672965183 and parameters: {'x': 2.3580782494123866, 'y': 2.279417077265129}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,209] Trial 455 finished with value: 9.253298623237097 and parameters: {'x': 2.253015026281642, 'y': 2.3185464367108874}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,210] Trial 456 finished with value: 8.602639781988247 and parameters: {'x': 2.275602548119463, 'y': 1.624827040663725}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,211] Trial 457 finished with value: 7.068551848614295 and parameters: {'x': 1.2603772254821308, 'y': 1.5837727142113327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,212] Trial 458 finished with value: 7.263162553099972 and parameters: {'x': 1.5488473138379997, 'y': 1.3364308979656776}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,213] Trial 459 finished with value: 5.765175900097962 and parameters: {'x': 1.1229934553422611, 'y': 1.2923904534654271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,214] Trial 460 finished with value: 8.572357997524358 and parameters: {'x': 1.257217475209221, 'y': 2.8270229736591785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,215] Trial 461 finished with value: 7.415567768970856 and parameters: {'x': 1.7180858011424407, 'y': 1.934051058822824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,216] Trial 462 finished with value: 9.803728923767403 and parameters: {'x': 2.5377612159072194, 'y': 2.2768073417972357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,217] Trial 463 finished with value: 9.955064351324634 and parameters: {'x': 2.3275460896894495, 'y': 2.5531141437345415}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,218] Trial 464 finished with value: 5.517910246875086 and parameters: {'x': 1.2201709091358888, 'y': 1.1594546254794982}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,219] Trial 465 finished with value: 8.061151142105938 and parameters: {'x': 2.024787757538992, 'y': 2.9274920965050972}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,220] Trial 466 finished with value: 9.397189288983204 and parameters: {'x': 2.1515716756798198, 'y': 2.5306991635013265}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,221] Trial 467 finished with value: 5.985517249850933 and parameters: {'x': 1.3849905711991588, 'y': 1.055927677523281}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,222] Trial 468 finished with value: 9.097225643154763 and parameters: {'x': 1.4351199031730522, 'y': 2.5454135155465614}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,223] Trial 469 finished with value: 7.349261704988377 and parameters: {'x': 1.35346191711857, 'y': 1.7546081296735883}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,224] Trial 470 finished with value: 9.272408270563856 and parameters: {'x': 2.875235831831837, 'y': 2.938171401114677}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,225] Trial 471 finished with value: 8.069162624819043 and parameters: {'x': 2.9184584255922643, 'y': 1.94201393085539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,226] Trial 472 finished with value: 8.81761865638411 and parameters: {'x': 2.4089709739522425, 'y': 1.8531264383292128}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,227] Trial 473 finished with value: 8.035542180154685 and parameters: {'x': 1.3427513767860373, 'y': 2.222036587264789}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,228] Trial 474 finished with value: 9.231385190851347 and parameters: {'x': 1.6136788146729355, 'y': 2.5427165815495023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,229] Trial 475 finished with value: 8.079791775891733 and parameters: {'x': 1.9125417091420505, 'y': 2.974755165461713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,230] Trial 476 finished with value: 8.341523743372877 and parameters: {'x': 2.5162039041844384, 'y': 1.1370628964009615}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,231] Trial 477 finished with value: 8.111643884158484 and parameters: {'x': 2.4774050077230263, 'y': 1.0731466336537492}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,232] Trial 478 finished with value: 7.5399208344987585 and parameters: {'x': 2.8345234456844723, 'y': 1.0193880363125856}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,233] Trial 479 finished with value: 4.433360827827819 and parameters: {'x': 1.0737285407959989, 'y': 1.1240856472950298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,234] Trial 480 finished with value: 6.96592599656371 and parameters: {'x': 1.917376657427001, 'y': 1.2967197922321945}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,235] Trial 481 finished with value: 6.482139651511581 and parameters: {'x': 1.0444818819023245, 'y': 2.176468521442921}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,236] Trial 482 finished with value: 9.11485254373537 and parameters: {'x': 2.048580208536864, 'y': 2.6071264572872}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,237] Trial 483 finished with value: 5.431608150828463 and parameters: {'x': 1.1894684017034052, 'y': 1.1771668066738374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,238] Trial 484 finished with value: 9.916633525227567 and parameters: {'x': 2.3771078699084693, 'y': 2.9920290455237555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,239] Trial 485 finished with value: 8.672783876245514 and parameters: {'x': 2.986832268951524, 'y': 1.2963533246316374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,240] Trial 486 finished with value: 8.304980857866417 and parameters: {'x': 1.8838423536074562, 'y': 2.293381683328426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,241] Trial 487 finished with value: 8.312468549380213 and parameters: {'x': 2.605279862637339, 'y': 1.104352806033127}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,242] Trial 488 finished with value: 5.853085423960124 and parameters: {'x': 1.8449842618430872, 'y': 1.072398768972538}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,243] Trial 489 finished with value: 10.386651371749663 and parameters: {'x': 2.6310189414260505, 'y': 2.6738996139987643}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,244] Trial 490 finished with value: 8.745469373890751 and parameters: {'x': 2.8645250632754204, 'y': 1.308649034603559}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,245] Trial 491 finished with value: 9.203342174566815 and parameters: {'x': 2.2366663140241325, 'y': 2.3220086289326023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,246] Trial 492 finished with value: 7.620833240361959 and parameters: {'x': 1.7828303566350192, 'y': 1.4731366108109194}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,247] Trial 493 finished with value: 6.443411611560421 and parameters: {'x': 1.087773688862931, 'y': 1.5288574048348782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,248] Trial 494 finished with value: 9.289432601334944 and parameters: {'x': 1.6649581758396033, 'y': 2.6842053451927765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,249] Trial 495 finished with value: 5.398308960090418 and parameters: {'x': 1.0066322310308962, 'y': 1.9593038112676802}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,250] Trial 496 finished with value: 7.862686650656634 and parameters: {'x': 2.8254045010036575, 'y': 1.112352158376197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,251] Trial 497 finished with value: 7.9200738443641665 and parameters: {'x': 2.408098570015621, 'y': 1.0761987677246792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,252] Trial 498 finished with value: 6.712922715771459 and parameters: {'x': 1.2761302578999503, 'y': 1.3688914376676131}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:27:32,253] Trial 499 finished with value: 10.186262582979126 and parameters: {'x': 2.4800498669245994, 'y': 2.842080919283535}. Best is trial 100 with value: 4.045505869420193.\n\u001b[2Kreading sources... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_edf\n:32: ExperimentalWarning:\n\nplot_edf is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:32,435] A new study created in memory with name: no-name-79af99d4-cd7c-428c-8873-4d586046ab43\n[I 2023-11-01 05:27:32,437] Trial 0 finished with values: [103.61328471235042, 10.94405844962042] and parameters: {'x': 4.797929604924771, 'y': 1.697996667921948}. \n[I 2023-11-01 05:27:32,438] Trial 1 finished with values: [15.83702250176422, 30.869766556835916] and parameters: {'x': 1.95872351255152, 'y': 0.3502253943089937}. \n[I 2023-11-01 05:27:32,439] Trial 2 finished with values: [87.73605227511361, 24.912402923215257] and parameters: {'x': 4.683338422408018, 'y': 0.018822592148296735}. \n[I 2023-11-01 05:27:32,440] Trial 3 finished with values: [0.9741882773170711, 43.28972142433291] and parameters: {'x': 0.3179539839173967, 'y': 0.37742858058223894}. \n[I 2023-11-01 05:27:32,441] Trial 4 finished with values: [102.82220932262832, 5.938775131867783] and parameters: {'x': 4.315543891092428, 'y': 2.6611338287865016}. \n[I 2023-11-01 05:27:32,443] Trial 5 finished with values: [10.589038803571967, 33.005142599333595] and parameters: {'x': 1.581353666812035, 'y': 0.3828580433439047}. \n[I 2023-11-01 05:27:32,444] Trial 6 finished with values: [26.21426791712445, 22.56227980136272] and parameters: {'x': 1.076455636752457, 'y': 2.322673081039382}. \n[I 2023-11-01 05:27:32,445] Trial 7 finished with values: [60.91457806920518, 10.213144068885594] and parameters: {'x': 2.5326946824619134, 'y': 2.9688553623796565}. \n[I 2023-11-01 05:27:32,446] Trial 8 finished with values: [100.09618187807513, 14.721893143639885] and parameters: {'x': 4.864742390222473, 'y': 1.1654728423654168}. \n[I 2023-11-01 05:27:32,447] Trial 9 finished with values: [34.08176988147487, 22.02239752926515] and parameters: {'x': 0.8605615272484701, 'y': 2.7892429668618863}. \n[I 2023-11-01 05:27:32,448] Trial 10 finished with values: [10.931459303513805, 33.29314496161718] and parameters: {'x': 1.6213515620083607, 'y': 0.32262042441776617}. \n[I 2023-11-01 05:27:32,449] Trial 11 finished with values: [51.60635472836498, 24.534651541208085] and parameters: {'x': 3.5829007543735365, 'y': 0.2537929597147792}. \n[I 2023-11-01 05:27:32,450] Trial 12 finished with values: [3.676107587271854, 37.362520989964366] and parameters: {'x': 0.6696817455890042, 'y': 0.6859688450963555}. \n[I 2023-11-01 05:27:32,451] Trial 13 finished with values: [85.61121771042768, 22.344552608097228] and parameters: {'x': 4.617311360804509, 'y': 0.28851382114645985}. \n[I 2023-11-01 05:27:32,452] Trial 14 finished with values: [53.52998084036522, 23.285562466658508] and parameters: {'x': 3.6394222905040943, 'y': 0.37027098383918544}. \n[I 2023-11-01 05:27:32,453] Trial 15 finished with values: [87.83071661905484, 17.935473138798308] and parameters: {'x': 4.620183702287472, 'y': 0.7820368993090687}. \n[I 2023-11-01 05:27:32,454] Trial 16 finished with values: [23.766810037258978, 29.164768262259855] and parameters: {'x': 0.25333267030647977, 'y': 2.424360754399009}. \n[I 2023-11-01 05:27:32,455] Trial 17 finished with values: [6.505164008560464, 35.331887617619984] and parameters: {'x': 1.2012127913113513, 'y': 0.428227547140662}. \n[I 2023-11-01 05:27:32,456] Trial 18 finished with values: [37.797945053744584, 16.332010002023715] and parameters: {'x': 1.8784729590084681, 'y': 2.4332746671327747}. \n[I 2023-11-01 05:27:32,457] Trial 19 finished with values: [43.3388825136945, 16.945858585726494] and parameters: {'x': 2.9701877674111055, 'y': 1.4186984368586075}. \n[I 2023-11-01 05:27:32,458] Trial 20 finished with values: [63.72607306425623, 12.113197353248978] and parameters: {'x': 3.5422267811217276, 'y': 1.8396053101597802}. \n[I 2023-11-01 05:27:32,459] Trial 21 finished with values: [15.331044887999944, 28.173261318510868] and parameters: {'x': 0.7630175231086178, 'y': 1.8029324672402947}. \n[I 2023-11-01 05:27:32,460] Trial 22 finished with values: [25.19801539178267, 20.81445700329347] and parameters: {'x': 1.8164489067246596, 'y': 1.73205577774056}. \n[I 2023-11-01 05:27:32,461] Trial 23 finished with values: [32.22186427441994, 27.257237350974403] and parameters: {'x': 0.25289713761449784, 'y': 2.8269257341485607}. \n[I 2023-11-01 05:27:32,462] Trial 24 finished with values: [27.729241117793016, 26.222854721403507] and parameters: {'x': 0.4826297278490427, 'y': 2.588315827955432}. \n[I 2023-11-01 05:27:32,463] Trial 25 finished with values: [66.8065179135026, 9.003290790976708] and parameters: {'x': 3.0524550523411467, 'y': 2.717378816398748}. \n[I 2023-11-01 05:27:32,464] Trial 26 finished with values: [53.504205082557405, 21.78133590649228] and parameters: {'x': 3.6168514989702145, 'y': 0.5426200374444925}. \n[I 2023-11-01 05:27:32,465] Trial 27 finished with values: [20.57110813737198, 23.321290308026313] and parameters: {'x': 1.3913971631371624, 'y': 1.790751509494506}. \n[I 2023-11-01 05:27:32,466] Trial 28 finished with values: [3.9728567110964264, 38.313699765013745] and parameters: {'x': 0.941679920363272, 'y': 0.32627152091276423}. \n[I 2023-11-01 05:27:32,468] Trial 29 finished with values: [2.0094357536427667, 41.80351584225872] and parameters: {'x': 0.18593454211941474, 'y': 0.6839497674957827}. \n[I 2023-11-01 05:27:32,469] Trial 30 finished with values: [24.7931125841299, 23.148927979068226] and parameters: {'x': 2.2595014504549846, 'y': 1.0454335662414405}. \n[I 2023-11-01 05:27:32,470] Trial 31 finished with values: [37.691760206149375, 19.17532061122433] and parameters: {'x': 2.8258874865796195, 'y': 1.1988744574516819}. \n[I 2023-11-01 05:27:32,471] Trial 32 finished with values: [14.522212165277203, 27.07842802978518] and parameters: {'x': 1.5572541638903503, 'y': 1.0979583372630617}. \n[I 2023-11-01 05:27:32,472] Trial 33 finished with values: [30.07498066910392, 22.72708965624649] and parameters: {'x': 2.595867979582595, 'y': 0.8832975715203539}. \n[I 2023-11-01 05:27:32,473] Trial 34 finished with values: [52.8938359315913, 12.502242397044068] and parameters: {'x': 2.111649517501641, 'y': 2.9604721410837347}. \n[I 2023-11-01 05:27:32,474] Trial 35 finished with values: [76.9968752213028, 15.16495788865888] and parameters: {'x': 4.224687052650825, 'y': 1.1837390390158569}. \n[I 2023-11-01 05:27:32,475] Trial 36 finished with values: [43.03703336577429, 15.474853683010718] and parameters: {'x': 1.7612928946807715, 'y': 2.767147571162514}. \n[I 2023-11-01 05:27:32,476] Trial 37 finished with values: [108.04504091182734, 11.922491606612088] and parameters: {'x': 4.961558992823505, 'y': 1.5473178693109695}. \n[I 2023-11-01 05:27:32,477] Trial 38 finished with values: [44.62679943268051, 15.52995269365822] and parameters: {'x': 1.6699047887223628, 'y': 2.892769927728828}. \n[I 2023-11-01 05:27:32,478] Trial 39 finished with values: [6.800565182508744, 36.561615581569704] and parameters: {'x': 0.23049182081133213, 'y': 1.283360750594416}. \n[I 2023-11-01 05:27:32,479] Trial 40 finished with values: [45.89787187192945, 14.981674193982363] and parameters: {'x': 2.901947493698294, 'y': 1.747331883701706}. \n[I 2023-11-01 05:27:32,480] Trial 41 finished with values: [26.63635524297037, 26.499770310024402] and parameters: {'x': 2.5353816998329926, 'y': 0.4805501502388264}. \n[I 2023-11-01 05:27:32,481] Trial 42 finished with values: [81.70976024712309, 24.532532848104587] and parameters: {'x': 4.519124770881296, 'y': 0.070365950486322}. \n[I 2023-11-01 05:27:32,482] Trial 43 finished with values: [58.029319389662874, 25.4557508994272] and parameters: {'x': 3.807599264776141, 'y': 0.0975586300227107}. \n[I 2023-11-01 05:27:32,483] Trial 44 finished with values: [11.147786489983183, 35.460446109716045] and parameters: {'x': 1.6681693130162223, 'y': 0.06448073826175282}. \n[I 2023-11-01 05:27:32,484] Trial 45 finished with values: [73.68316963820848, 20.461885105782947] and parameters: {'x': 4.25812122524773, 'y': 0.5377695051291875}. \n[I 2023-11-01 05:27:32,485] Trial 46 finished with values: [55.11570784287927, 11.64351756606419] and parameters: {'x': 2.299832041886018, 'y': 2.9137088975795447}. \n[I 2023-11-01 05:27:32,486] Trial 47 finished with values: [79.47739363347132, 20.599045967837302] and parameters: {'x': 4.429670621403558, 'y': 0.49735962264949507}. \n[I 2023-11-01 05:27:32,488] Trial 48 finished with values: [38.877492035141074, 15.684420332790733] and parameters: {'x': 2.3112641231971605, 'y': 2.092231144402293}. \n[I 2023-11-01 05:27:32,489] Trial 49 finished with values: [46.49979283724797, 23.38323465603214] and parameters: {'x': 3.3805551073520017, 'y': 0.4436162479759834}. \n\u001b[2Kreading sources... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_hypervolume_history\n:18: ExperimentalWarning:\n\nplot_hypervolume_history is experimental (supported from v3.3.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:33,160] A new study created in memory with name: no-name-e9c84749-6b64-43a4-80f9-a3dd928af666\n[I 2023-11-01 05:27:33,165] Trial 0 finished with value: 0.0019136820148431557 and parameters: {'lr': 0.012169775677700537}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,169] Trial 1 finished with value: 0.9938688492959205 and parameters: {'lr': 1.2106198691436028e-05}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,173] Trial 2 finished with value: 0.1745378429868226 and parameters: {'lr': 0.0034244666391252923}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,177] Trial 3 finished with value: 0.006252957628893589 and parameters: {'lr': 0.009890438121030055}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,181] Trial 4 finished with value: 0.6055868994372475 and parameters: {'lr': 0.0009863431872330064}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,182] Trial 5 pruned. \n[I 2023-11-01 05:27:33,184] Trial 6 pruned. \n[I 2023-11-01 05:27:33,222] Trial 7 finished with value: 0.00348251977331975 and parameters: {'lr': 0.011018509458263562}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:27:33,224] Trial 8 pruned. \n[I 2023-11-01 05:27:33,225] Trial 9 pruned. \n[I 2023-11-01 05:27:33,270] Trial 10 finished with value: 2.8413318183320897e-13 and parameters: {'lr': 0.053753912442422704}. Best is trial 10 with value: 2.8413318183320897e-13.\n[I 2023-11-01 05:27:33,314] Trial 11 finished with value: 3.23351297854631e-20 and parameters: {'lr': 0.08097836606986637}. Best is trial 11 with value: 3.23351297854631e-20.\n[I 2023-11-01 05:27:33,358] Trial 12 finished with value: 1.5818620680169856e-23 and parameters: {'lr': 0.09336678872953223}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:27:33,400] Trial 13 finished with value: 8.701934191941001e-16 and parameters: {'lr': 0.06380854538856418}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:27:33,443] Trial 14 finished with value: 1.3380099081736585e-15 and parameters: {'lr': 0.0630691017367573}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:27:33,487] Trial 15 finished with value: 1.380974859858719e-22 and parameters: {'lr': 0.08988313704170887}. Best is trial 12 with value: 1.5818620680169856e-23.\n\u001b[2Kreading sources... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_intermediate_values\n:33: ExperimentalWarning:\n\nplot_intermediate_values is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:33,897] A new study created in memory with name: no-name-b4cbbd89-7a98-4a16-a399-c3177a84729a\n[I 2023-11-01 05:27:33,898] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:27:33,899] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,900] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,901] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,902] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,902] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,903] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,904] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,905] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:33,906] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_optimization_history\n:14: ExperimentalWarning:\n\nplot_optimization_history is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:34,176] A new study created in memory with name: no-name-b6e4df75-dcda-4b9c-a946-003b77c1c88d\n[I 2023-11-01 05:27:34,177] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:27:34,178] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,179] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,180] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,181] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,182] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,183] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,184] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,184] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:34,185] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_parallel_coordinate\n:13: ExperimentalWarning:\n\nplot_parallel_coordinate is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:34,458] A new study created in memory with name: no-name-4522bbe1-89cd-40eb-b8d3-31a9a0c28ab4\n[I 2023-11-01 05:27:34,460] Trial 0 finished with value: 2.303288077753039 and parameters: {'x': 2, 'y': -0.958496101281197, 'z': 0.9504723523894132}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:27:34,461] Trial 1 finished with value: 3.987072181809778 and parameters: {'x': 2, 'y': -0.0029859753948191514, 'z': 0.3371949682962715}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:27:34,462] Trial 2 finished with value: 0.1373303052750334 and parameters: {'x': 0, 'y': 0.5210614243979175, 'z': 0.2536662548438032}. Best is trial 2 with value: 0.1373303052750334.\n[I 2023-11-01 05:27:34,463] Trial 3 finished with value: -4.131719919585369 and parameters: {'x': 0, 'y': 0.3707196367355945, 'z': 1.4300900192924049}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,465] Trial 4 finished with value: -2.2075688995928044 and parameters: {'x': 0, 'y': 0.024384526771553228, 'z': 1.2189314424781703}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,466] Trial 5 finished with value: 1.0504976105266983 and parameters: {'x': 1, 'y': 0.4435106348635991, 'z': 0.43781410225594974}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,467] Trial 6 finished with value: 3.6403994820820413 and parameters: {'x': 2, 'y': 0.42915156679538113, 'z': 0.8138165520168918}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,468] Trial 7 finished with value: -1.0618155340386866 and parameters: {'x': 0, 'y': -0.2533184798970616, 'z': 1.011200422599518}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,469] Trial 8 finished with value: 0.26036828149432933 and parameters: {'x': 1, 'y': -0.13197201333341257, 'z': 0.9266504677039757}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,470] Trial 9 finished with value: 0.3665588473301721 and parameters: {'x': 1, 'y': 0.30079436386293446, 'z': 0.9015584301068166}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,472] Trial 10 finished with value: 0.5490457030167408 and parameters: {'x': 2, 'y': 0.043294304787268256, 'z': 1.3629733212130024}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,473] Trial 11 finished with value: -0.5909072245888702 and parameters: {'x': 0, 'y': -0.8190813014581853, 'z': 0.45105008495430504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,474] Trial 12 finished with value: 0.28403878205829847 and parameters: {'x': 0, 'y': 0.6573626526153533, 'z': 0.07034447908387464}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,475] Trial 13 finished with value: -1.2800539009325118 and parameters: {'x': 1, 'y': 0.09517231183848707, 'z': 1.228930493505103}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,476] Trial 14 finished with value: 0.28612245684320287 and parameters: {'x': 0, 'y': 0.7137006049154664, 'z': 0.5274789591481319}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,477] Trial 15 finished with value: 0.8413984238191299 and parameters: {'x': 2, 'y': -0.4080765862406426, 'z': 1.3259047193417794}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,479] Trial 16 finished with value: -0.4209059689419605 and parameters: {'x': 0, 'y': -0.669968204561703, 'z': 0.5887938659198809}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,480] Trial 17 finished with value: 0.2622281285098704 and parameters: {'x': 0, 'y': 0.6422113156738569, 'z': 0.2267280294638458}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,481] Trial 18 finished with value: -3.1150676084049143 and parameters: {'x': 1, 'y': 0.8885214244776023, 'z': 1.4814382123528085}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,482] Trial 19 finished with value: 1.2572674813923508 and parameters: {'x': 1, 'y': 0.6522456876854796, 'z': 0.377061201310589}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,483] Trial 20 finished with value: 1.109576126625988 and parameters: {'x': 1, 'y': 0.8056635206632548, 'z': 0.8018369232027226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,484] Trial 21 finished with value: 0.13525979446250405 and parameters: {'x': 1, 'y': -0.9214364655492253, 'z': 0.5357726379518044}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,486] Trial 22 finished with value: -0.11946269307197326 and parameters: {'x': 0, 'y': -0.38908016331436346, 'z': 0.496078967973198}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,487] Trial 23 finished with value: 3.048844180430364 and parameters: {'x': 2, 'y': -0.9200815826200455, 'z': 0.6442382676474575}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,488] Trial 24 finished with value: -0.052504516247150426 and parameters: {'x': 0, 'y': 0.27298228613508924, 'z': 0.5195207251200495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,489] Trial 25 finished with value: -1.2792692674509083 and parameters: {'x': 0, 'y': 0.759830349035832, 'z': 1.1448608807155216}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,491] Trial 26 finished with value: 3.314670809360776 and parameters: {'x': 2, 'y': -0.16498171232146608, 'z': 0.9083663465906351}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,492] Trial 27 finished with value: 0.9835588143169801 and parameters: {'x': 1, 'y': 0.1956732959259473, 'z': 0.3933234916979254}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,493] Trial 28 finished with value: -0.8979185222841687 and parameters: {'x': 0, 'y': -0.9492004358997879, 'z': 0.45459384097655214}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,494] Trial 29 finished with value: -0.5162192525906403 and parameters: {'x': 0, 'y': 0.11515637732528838, 'z': 0.8482605298322513}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,495] Trial 30 finished with value: 0.9287478215836122 and parameters: {'x': 1, 'y': -0.4144040474209818, 'z': 0.09637659104223667}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,496] Trial 31 finished with value: 3.6629941314557772 and parameters: {'x': 2, 'y': -0.3205843127242727, 'z': 0.7425729463236814}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,497] Trial 32 finished with value: 3.9463906776735107 and parameters: {'x': 2, 'y': -0.11845235019866696, 'z': 0.4774092082184268}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,498] Trial 33 finished with value: -1.6881011620090576 and parameters: {'x': 1, 'y': 0.156272859764935, 'z': 1.2809006257507296}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,499] Trial 34 finished with value: -1.893044916603758 and parameters: {'x': 0, 'y': -0.07093838444133493, 'z': 1.1729236779287227}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,501] Trial 35 finished with value: 4.005082765391397 and parameters: {'x': 2, 'y': 0.1720439601063517, 'z': 0.05564161985161181}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,502] Trial 36 finished with value: 0.9611598377675362 and parameters: {'x': 1, 'y': 0.12638136898549002, 'z': 0.44959480863684426}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,503] Trial 37 finished with value: 1.0385066437780113 and parameters: {'x': 1, 'y': 0.34693385056944104, 'z': 0.23879060006714026}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,504] Trial 38 finished with value: -0.03481869624869508 and parameters: {'x': 0, 'y': -0.32436822587064107, 'z': 0.16209565916917884}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,505] Trial 39 finished with value: 0.36926790170369916 and parameters: {'x': 0, 'y': 0.7716541923354114, 'z': 0.5480474568211737}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,506] Trial 40 finished with value: 0.12812115659454607 and parameters: {'x': 0, 'y': 0.5049923404372056, 'z': 0.16031937659035372}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,507] Trial 41 finished with value: 3.3512758155964324 and parameters: {'x': 2, 'y': -0.060429413119011066, 'z': 0.8973835069186638}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,508] Trial 42 finished with value: -1.128945814699914 and parameters: {'x': 0, 'y': -0.6319303558136975, 'z': 0.9676081897023627}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,510] Trial 43 finished with value: -0.5652914601075866 and parameters: {'x': 0, 'y': -0.5027749843944611, 'z': 0.8136127743420063}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,511] Trial 44 finished with value: -3.6754171752298412 and parameters: {'x': 0, 'y': -0.23717693019073582, 'z': 1.3833491803553195}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,512] Trial 45 finished with value: 3.5923565401224673 and parameters: {'x': 2, 'y': 0.1334998491499999, 'z': 0.800206327483504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,513] Trial 46 finished with value: 0.3273232510679114 and parameters: {'x': 0, 'y': 0.9557985268040099, 'z': 0.8595433560497787}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,514] Trial 47 finished with value: 1.0025147792970173 and parameters: {'x': 2, 'y': 0.12311472055273787, 'z': 1.316002862347402}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,515] Trial 48 finished with value: 1.0704131899221963 and parameters: {'x': 1, 'y': 0.41769965273791043, 'z': 0.22280017703468785}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,517] Trial 49 finished with value: 1.0577053447123854 and parameters: {'x': 1, 'y': 0.38778013268482336, 'z': 0.15692961678427975}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,518] Trial 50 finished with value: 0.3680190757085285 and parameters: {'x': 1, 'y': -0.6675957045909326, 'z': 0.7604679438960711}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,519] Trial 51 finished with value: 1.3747495993933643 and parameters: {'x': 2, 'y': -0.8197865305511229, 'z': 1.2001031260412178}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,520] Trial 52 finished with value: 0.9979094500663931 and parameters: {'x': 1, 'y': 0.1786954233612148, 'z': 0.29715098582440336}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,521] Trial 53 finished with value: 0.9319764488693013 and parameters: {'x': 1, 'y': -0.4081924755583253, 'z': 0.05633651391251654}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,522] Trial 54 finished with value: -1.5592042740852488 and parameters: {'x': 0, 'y': -0.09378999959753309, 'z': 1.1172961154251015}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,524] Trial 55 finished with value: 0.9838292684588362 and parameters: {'x': 1, 'y': -0.22977280086902696, 'z': 0.2521091962989279}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,525] Trial 56 finished with value: 2.1076623237986754 and parameters: {'x': 2, 'y': 0.19810359492298524, 'z': 1.1740722273674566}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,526] Trial 57 finished with value: 2.1246831699758735 and parameters: {'x': 2, 'y': 0.20632595172406965, 'z': 1.1715909259354231}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,527] Trial 58 finished with value: -1.4840880698467611 and parameters: {'x': 1, 'y': -0.95766961765569, 'z': 1.1256969157312366}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,528] Trial 59 finished with value: -0.3515250197672625 and parameters: {'x': 0, 'y': -0.08297158752545397, 'z': 0.7696840615983677}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,529] Trial 60 finished with value: 1.3220296764593489 and parameters: {'x': 1, 'y': 0.6887715890786952, 'z': 0.2622208422331791}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,530] Trial 61 finished with value: -1.2007575031405602 and parameters: {'x': 0, 'y': 0.6975281436224643, 'z': 1.1140118659491511}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,531] Trial 62 finished with value: 0.994468973365035 and parameters: {'x': 1, 'y': -0.1662031859012445, 'z': 0.1750942664204449}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,532] Trial 63 finished with value: -0.8620345557039887 and parameters: {'x': 1, 'y': -0.8106819185126939, 'z': 1.0737463091269712}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,535] Trial 64 finished with value: -0.7521010442890089 and parameters: {'x': 0, 'y': -0.588099483262055, 'z': 0.8606643471768032}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,537] Trial 65 finished with value: -2.080632890204889 and parameters: {'x': 0, 'y': 0.3114534854291964, 'z': 1.2053525216148295}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,538] Trial 66 finished with value: -1.7527509150220157 and parameters: {'x': 1, 'y': -0.8131192461124659, 'z': 1.2199741255062062}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,539] Trial 67 finished with value: 1.1629406477988748 and parameters: {'x': 2, 'y': -0.2131617751269692, 'z': 1.2967187907029298}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,540] Trial 68 finished with value: -1.5100225453807168 and parameters: {'x': 1, 'y': -0.48539422558999235, 'z': 1.2441028797408538}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,542] Trial 69 finished with value: 3.1274555273715547 and parameters: {'x': 2, 'y': 0.015201816109918775, 'z': 0.9664899225621255}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,543] Trial 70 finished with value: -3.911644822917701 and parameters: {'x': 0, 'y': 0.7914178974071162, 'z': 1.4489193772617226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,544] Trial 71 finished with value: 0.34386198109125343 and parameters: {'x': 0, 'y': 0.7311052364545663, 'z': 0.46542556041017846}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,546] Trial 72 finished with value: -0.7388007953082896 and parameters: {'x': 0, 'y': -0.9016096844525427, 'z': 0.27694025702139824}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,547] Trial 73 finished with value: -3.6407063057001596 and parameters: {'x': 0, 'y': -0.4850491531909138, 'z': 1.370372597356012}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,548] Trial 74 finished with value: -1.5826031648960468 and parameters: {'x': 1, 'y': -0.7395764210408102, 'z': 1.2148374981002679}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,549] Trial 75 finished with value: -2.589088162728826 and parameters: {'x': 1, 'y': -0.9511347100336718, 'z': 1.2852465639416288}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,551] Trial 76 finished with value: -0.007960371974823174 and parameters: {'x': 0, 'y': 0.4182119281439811, 'z': 0.533658514235495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,552] Trial 77 finished with value: 3.9028308169237502 and parameters: {'x': 2, 'y': 0.6892377222877011, 'z': 0.8072212757099377}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,553] Trial 78 finished with value: 0.46670116449600285 and parameters: {'x': 1, 'y': -0.7549800371251603, 'z': 0.5664628778611204}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,554] Trial 79 finished with value: -2.2015513126587933 and parameters: {'x': 1, 'y': 0.022417292570930725, 'z': 1.3376438549035414}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,555] Trial 80 finished with value: -2.013616301607068 and parameters: {'x': 0, 'y': -0.207116242243099, 'z': 1.189909849541421}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,556] Trial 81 finished with value: -1.7738059712887448 and parameters: {'x': 1, 'y': -0.6302649000181753, 'z': 1.2603709741325857}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:27:34,557] Trial 82 finished with value: -4.523011054108479 and parameters: {'x': 1, 'y': -0.8798995888983607, 'z': 1.4833754612943018}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:27:34,559] Trial 83 finished with value: -0.08079888724155815 and parameters: {'x': 0, 'y': 0.22940342596033925, 'z': 0.5520400212531891}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:27:34,560] Trial 84 finished with value: 1.7141266522072458 and parameters: {'x': 2, 'y': 0.25512370541125784, 'z': 1.2318247142973906}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:27:34,561] Trial 85 finished with value: -0.7520872270920254 and parameters: {'x': 0, 'y': -0.4504097368144626, 'z': 0.901577836698765}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:27:34,562] Trial 86 finished with value: 4.046893464626376 and parameters: {'x': 2, 'y': 0.41459261868287456, 'z': 0.3951047474351363}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:27:34,563] Trial 87 finished with value: -4.571964349495191 and parameters: {'x': 0, 'y': -0.08255154162027267, 'z': 1.4622187490950038}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,564] Trial 88 finished with value: 3.769073758442562 and parameters: {'x': 2, 'y': -0.6134925354270779, 'z': 0.0701088407420925}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,566] Trial 89 finished with value: 1.9906707709215672 and parameters: {'x': 2, 'y': 0.7172980309368531, 'z': 1.2418547636228567}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,567] Trial 90 finished with value: 0.20579475832853023 and parameters: {'x': 2, 'y': 0.1978728981453497, 'z': 1.3963737537716272}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,568] Trial 91 finished with value: -0.5572192676601909 and parameters: {'x': 0, 'y': -0.7720793824906156, 'z': 0.5580433532607516}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,569] Trial 92 finished with value: 3.115262529317084 and parameters: {'x': 2, 'y': -0.3577159370700811, 'z': 0.9570526220169401}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,570] Trial 93 finished with value: -0.06522562849929504 and parameters: {'x': 0, 'y': 0.08693007694983201, 'z': 0.5066319703277753}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,571] Trial 94 finished with value: 4.574547370310522 and parameters: {'x': 2, 'y': 0.8814140769664465, 'z': 0.5761827737303541}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,572] Trial 95 finished with value: 1.5015652459171465 and parameters: {'x': 1, 'y': 0.7945598896386961, 'z': 0.08823355215277057}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,573] Trial 96 finished with value: 0.5950628609995365 and parameters: {'x': 1, 'y': -0.7396489187381752, 'z': 0.13045411338692636}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,575] Trial 97 finished with value: 3.3511994815140613 and parameters: {'x': 2, 'y': -0.3908532893067598, 'z': 0.8760838088329035}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,576] Trial 98 finished with value: 3.781443021265078 and parameters: {'x': 2, 'y': 0.7615841212270811, 'z': 0.9014313108685146}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:27:34,577] Trial 99 finished with value: 0.26309303070193535 and parameters: {'x': 1, 'y': -0.8867435943237876, 'z': 0.44622614546388273}. Best is trial 87 with value: -4.571964349495191.\n\u001b[2Kreading sources... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_param_importances\n:15: ExperimentalWarning:\n\nplot_param_importances is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:36,361] A new study created in memory with name: no-name-b5a4ce8a-b8e8-4fe9-97b6-a15f9be646de\n[I 2023-11-01 05:27:36,363] Trial 0 finished with values: [75.67222849481738, 7.9077708601690135] and parameters: {'x': 3.4421659274410925, 'y': 2.6588626989124404}. \n[I 2023-11-01 05:27:36,364] Trial 1 finished with values: [62.45070373290372, 22.355150305071614] and parameters: {'x': 3.9315775444640004, 'y': 0.39417501835143076}. \n[I 2023-11-01 05:27:36,365] Trial 2 finished with values: [15.580048950834305, 29.87736526668286] and parameters: {'x': 0.48997609327409597, 'y': 1.9117886038284753}. \n[I 2023-11-01 05:27:36,366] Trial 3 finished with values: [1.4663060333299842, 41.84667310973943] and parameters: {'x': 0.4686140549790496, 'y': 0.38337628488025743}. \n[I 2023-11-01 05:27:36,366] Trial 4 finished with values: [74.36858941343357, 7.891871822981994] and parameters: {'x': 3.3261581616959464, 'y': 2.7438693913416934}. \n[I 2023-11-01 05:27:36,367] Trial 5 finished with values: [64.19115260248464, 16.51900300795381] and parameters: {'x': 3.851627491899545, 'y': 1.1012510223671903}. \n[I 2023-11-01 05:27:36,368] Trial 6 finished with values: [113.12409363810671, 8.449873971910106] and parameters: {'x': 4.887816088798374, 'y': 2.0952988549632834}. \n[I 2023-11-01 05:27:36,369] Trial 7 finished with values: [32.76586050950068, 23.864879988409616] and parameters: {'x': 2.7886848161873568, 'y': 0.6439736977091987}. \n[I 2023-11-01 05:27:36,370] Trial 8 finished with values: [48.6508135729492, 12.874786043949278] and parameters: {'x': 2.3743697321312003, 'y': 2.554422002797602}. \n[I 2023-11-01 05:27:36,371] Trial 9 finished with values: [44.992952544818216, 15.101919520332306] and parameters: {'x': 1.7592171590304533, 'y': 2.8554147025567715}. \n[I 2023-11-01 05:27:36,372] Trial 10 finished with values: [1.715131709434339, 42.5743545293583] and parameters: {'x': 0.63799952742494, 'y': 0.14744331237508856}. \n[I 2023-11-01 05:27:36,373] Trial 11 finished with values: [58.468456468452786, 10.706602504556184] and parameters: {'x': 2.488888452459927, 'y': 2.902162708795774}. \n[I 2023-11-01 05:27:36,374] Trial 12 finished with values: [90.0253982813633, 20.885249607425727] and parameters: {'x': 4.723793872044586, 'y': 0.4383161242469247}. \n[I 2023-11-01 05:27:36,375] Trial 13 finished with values: [23.437724544372045, 24.15946287952624] and parameters: {'x': 0.9388594189747307, 'y': 2.2311374066819467}. \n[I 2023-11-01 05:27:36,376] Trial 14 finished with values: [87.86705707101609, 9.718959447047322] and parameters: {'x': 4.2509898727694315, 'y': 1.9737906093012385}. \n[I 2023-11-01 05:27:36,377] Trial 15 finished with values: [109.78785221319814, 8.02488662229681] and parameters: {'x': 4.765290742620585, 'y': 2.1769169004796876}. \n[I 2023-11-01 05:27:36,378] Trial 16 finished with values: [2.362706434104838, 42.415427591908546] and parameters: {'x': 0.7668847247176586, 'y': 0.05064017694410772}. \n[I 2023-11-01 05:27:36,379] Trial 17 finished with values: [39.124578465402365, 19.896158087507057] and parameters: {'x': 2.9500432017940854, 'y': 1.0384554510902684}. \n[I 2023-11-01 05:27:36,380] Trial 18 finished with values: [44.68476849212886, 17.131757095434658] and parameters: {'x': 3.0604101403404025, 'y': 1.343533362419353}. \n[I 2023-11-01 05:27:36,381] Trial 19 finished with values: [35.298115908397556, 23.061553336731187] and parameters: {'x': 2.890323188324314, 'y': 0.6859743757125062}. \n[I 2023-11-01 05:27:36,382] Trial 20 finished with values: [96.16503689610808, 7.041742449112973] and parameters: {'x': 4.243447434171958, 'y': 2.456504243319447}. \n[I 2023-11-01 05:27:36,383] Trial 21 finished with values: [15.589630173432326, 31.20378508465159] and parameters: {'x': 1.9478247270627085, 'y': 0.3215375188079407}. \n[I 2023-11-01 05:27:36,384] Trial 22 finished with values: [2.17210382605177, 42.72844860254499] and parameters: {'x': 0.04599138757243382, 'y': 0.7354663478243615}. \n[I 2023-11-01 05:27:36,385] Trial 23 finished with values: [35.24883034847939, 21.549048809735943] and parameters: {'x': 2.8299807191079602, 'y': 0.8963351586304306}. \n[I 2023-11-01 05:27:36,386] Trial 24 finished with values: [45.93347165981196, 20.360894822919484] and parameters: {'x': 3.2865867684185606, 'y': 0.82566054078479}. \n[I 2023-11-01 05:27:36,387] Trial 25 finished with values: [119.76275433259349, 4.742482557823556] and parameters: {'x': 4.672828051124459, 'y': 2.8469925514080225}. \n[I 2023-11-01 05:27:36,387] Trial 26 finished with values: [7.517146647411453, 33.70802100254769] and parameters: {'x': 1.2464332161848675, 'y': 0.5706933497456499}. \n[I 2023-11-01 05:27:36,388] Trial 27 finished with values: [23.47829240161855, 24.86359957219902] and parameters: {'x': 0.8213538471379617, 'y': 2.2792435056826}. \n[I 2023-11-01 05:27:36,389] Trial 28 finished with values: [10.462883358095862, 35.418833232519795] and parameters: {'x': 0.10583638215513058, 'y': 1.6138523785452865}. \n[I 2023-11-01 05:27:36,391] Trial 29 finished with values: [97.87898683151265, 6.13627240571962] and parameters: {'x': 4.1658159435463435, 'y': 2.667531486669511}. \n[I 2023-11-01 05:27:36,391] Trial 30 finished with values: [5.687478200231261, 35.333944283423655] and parameters: {'x': 0.5516485104892888, 'y': 1.0571440161741277}. \n[I 2023-11-01 05:27:36,393] Trial 31 finished with values: [28.04552600502105, 21.119876530192975] and parameters: {'x': 1.260543013656981, 'y': 2.3286074834492476}. \n[I 2023-11-01 05:27:36,394] Trial 32 finished with values: [30.64573011395318, 22.969078974730163] and parameters: {'x': 2.641159335030117, 'y': 0.8280760203456962}. \n[I 2023-11-01 05:27:36,395] Trial 33 finished with values: [8.060719079012637, 36.032861617249] and parameters: {'x': 1.4065726147714208, 'y': 0.19165920047899487}. \n[I 2023-11-01 05:27:36,396] Trial 34 finished with values: [41.30132119675838, 14.996998773210656] and parameters: {'x': 2.1051061542173057, 'y': 2.4277269983805883}. \n[I 2023-11-01 05:27:36,397] Trial 35 finished with values: [47.783870118474354, 18.71256501114212] and parameters: {'x': 3.3019183583266525, 'y': 1.0214218935209942}. \n[I 2023-11-01 05:27:36,398] Trial 36 finished with values: [66.65925702633703, 8.943183122528902] and parameters: {'x': 2.9403067939291496, 'y': 2.831856319476386}. \n[I 2023-11-01 05:27:36,399] Trial 37 finished with values: [51.48046129319299, 12.314485347899614] and parameters: {'x': 2.3147595371660588, 'y': 2.7408034603738045}. \n[I 2023-11-01 05:27:36,400] Trial 38 finished with values: [81.42881566863866, 10.849107825451439] and parameters: {'x': 4.1267380349882705, 'y': 1.8240715741825522}. \n[I 2023-11-01 05:27:36,401] Trial 39 finished with values: [36.9837681845575, 27.287687607811353] and parameters: {'x': 3.0365391349254924, 'y': 0.15928630890730955}. \n[I 2023-11-01 05:27:36,402] Trial 40 finished with values: [29.332426815519604, 26.7530040620117] and parameters: {'x': 0.3763140815634053, 'y': 2.6816961826234142}. \n[I 2023-11-01 05:27:36,403] Trial 41 finished with values: [87.73788070192661, 9.624535143032022] and parameters: {'x': 4.238401501977823, 'y': 1.9925920012671399}. \n[I 2023-11-01 05:27:36,404] Trial 42 finished with values: [0.13013433719509454, 47.72643669974758] and parameters: {'x': 0.1698170909895952, 'y': 0.06079259746552357}. \n[I 2023-11-01 05:27:36,405] Trial 43 finished with values: [37.26370096972484, 18.499710641141675] and parameters: {'x': 2.7429889020901403, 'y': 1.3386325580388128}. \n[I 2023-11-01 05:27:36,406] Trial 44 finished with values: [13.436631125467603, 27.83902261359205] and parameters: {'x': 1.0493227421244637, 'y': 1.5026907746530211}. \n[I 2023-11-01 05:27:36,407] Trial 45 finished with values: [85.74332024368248, 8.665709802466688] and parameters: {'x': 4.070007509061263, 'y': 2.20700451678413}. \n[I 2023-11-01 05:27:36,408] Trial 46 finished with values: [37.54015511812928, 18.916379276061043] and parameters: {'x': 2.796891690779264, 'y': 1.2499742595678636}. \n[I 2023-11-01 05:27:36,409] Trial 47 finished with values: [79.52328288155621, 9.535960421810788] and parameters: {'x': 3.9319314586392338, 'y': 2.102554571218593}. \n[I 2023-11-01 05:27:36,410] Trial 48 finished with values: [43.41844774630513, 14.491352498384835] and parameters: {'x': 2.54930449556017, 'y': 2.087021448258975}. \n[I 2023-11-01 05:27:36,411] Trial 49 finished with values: [53.966493811107135, 12.747896651294909] and parameters: {'x': 3.0926115844858115, 'y': 1.981761095662376}. \n\u001b[2Kreading sources... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_pareto_front\n:16: ExperimentalWarning:\n\nplot_pareto_front is experimental (supported from v2.8.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:345: ExperimentalWarning:\n\nThe ``constraints_func`` option is an experimental feature. The interface can change in the future.\n\n[I 2023-11-01 05:27:36,609] A new study created in memory with name: no-name-66ef82cc-bf47-4e63-9ec8-5ce30034b173\n[I 2023-11-01 05:27:36,611] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:27:36,612] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,613] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,614] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,615] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,616] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,617] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,619] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,620] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,621] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,628] Trial 10 finished with value: 6552.967716339581 and parameters: {'x': 80.95040281764867, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,634] Trial 11 finished with value: 1581.6759383724113 and parameters: {'x': 39.770289644059815, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,640] Trial 12 finished with value: 1028.2507682929152 and parameters: {'x': 32.06634946938792, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,647] Trial 13 finished with value: 9734.833587691272 and parameters: {'x': 98.6652602879619, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,654] Trial 14 finished with value: 332.07882979888785 and parameters: {'x': 18.223030203533327, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,660] Trial 15 finished with value: 566.7705064178714 and parameters: {'x': -23.806942399599983, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,668] Trial 16 finished with value: 213.03950442172285 and parameters: {'x': -14.63008900935749, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,674] Trial 17 finished with value: 642.5871135168867 and parameters: {'x': -25.34930203214453, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,681] Trial 18 finished with value: 1369.8316914198415 and parameters: {'x': -37.01123736677607, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,687] Trial 19 finished with value: 1159.004648306659 and parameters: {'x': -34.058840971275856, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,695] Trial 20 finished with value: 1281.3531888612108 and parameters: {'x': -35.79599403370733, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,702] Trial 21 finished with value: 268.4820201738229 and parameters: {'x': -16.385420964193226, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,709] Trial 22 finished with value: 274.55651795948256 and parameters: {'x': 16.569747069870516, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,717] Trial 23 finished with value: 1.5264659525593145 and parameters: {'x': -1.2355023077919824, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,724] Trial 24 finished with value: 709.8376961830695 and parameters: {'x': 26.642779438021655, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,732] Trial 25 finished with value: 747.543499314302 and parameters: {'x': -27.34124172956126, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,740] Trial 26 finished with value: 2097.0943980014476 and parameters: {'x': -45.79404325893759, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,748] Trial 27 finished with value: 2694.8946162727752 and parameters: {'x': -51.9123744041127, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,756] Trial 28 finished with value: 535.2215173103501 and parameters: {'x': -23.113232515387157, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:36,766] Trial 29 finished with value: 383.4698273179495 and parameters: {'x': -19.556835820703448, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n:22: ExperimentalWarning:\n\nplot_rank is experimental (supported from v3.2.0). The interface can change in the future.\n\n[W 2023-11-01 05:27:36,767] Output figures of this Matplotlib-based `plot_rank` function would be different from those of the Plotly-based `plot_rank`.\n\u001b[2Kreading sources... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_rank\n[I 2023-11-01 05:27:37,016] A new study created in memory with name: no-name-9f90c677-0c98-4e89-b2c7-d5dc34cbcc9d\n[I 2023-11-01 05:27:37,018] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:27:37,019] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,020] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,021] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,021] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,022] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,023] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,024] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,025] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:27:37,026] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 81%] reference/visualization/generated/optuna.visualization.matplotlib.plot_slice\n:14: ExperimentalWarning:\n\nplot_slice is experimental (supported from v2.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:27:37,290] A new study created in memory with name: no-name-0a8b1896-bc73-4ad9-8803-78650b44dbe6\n[I 2023-11-01 05:27:37,405] Trial 0 finished with value: 0.9101587301587302 and parameters: {'reg_alpha': 0.020802823315748106, 'reg_lambda': 1.4872446023656843e-08, 'num_leaves': 25, 'colsample_bytree': 0.5010904897196649, 'subsample': 0.7010858980967017, 'subsample_freq': 2, 'min_child_samples': 55}. Best is trial 0 with value: 0.9101587301587302.\n[I 2023-11-01 05:27:37,609] Trial 1 finished with value: 0.9830158730158731 and parameters: {'reg_alpha': 2.4304470742251595e-06, 'reg_lambda': 0.0044575618053916575, 'num_leaves': 213, 'colsample_bytree': 0.788486030283188, 'subsample': 0.9080199607377335, 'subsample_freq': 1, 'min_child_samples': 19}. Best is trial 0 with value: 0.9101587301587302.\n[I 2023-11-01 05:27:37,681] Trial 2 finished with value: 0.3995238095238095 and parameters: {'reg_alpha': 2.823704059971935, 'reg_lambda': 4.882839271611993e-07, 'num_leaves': 110, 'colsample_bytree': 0.4985052084440066, 'subsample': 0.43604148883008587, 'subsample_freq': 1, 'min_child_samples': 49}. Best is trial 2 with value: 0.3995238095238095.\n[I 2023-11-01 05:27:37,796] Trial 3 finished with value: 0.9609523809523809 and parameters: {'reg_alpha': 8.207767979083947e-05, 'reg_lambda': 0.7689648237204111, 'num_leaves': 127, 'colsample_bytree': 0.8340650550927962, 'subsample': 0.8575432944184982, 'subsample_freq': 3, 'min_child_samples': 52}. Best is trial 2 with value: 0.3995238095238095.\n[I 2023-11-01 05:27:37,879] Trial 4 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 0.00010447548068512174, 'reg_lambda': 5.607552014111951e-06, 'num_leaves': 75, 'colsample_bytree': 0.7241444026412496, 'subsample': 0.5538680316223129, 'subsample_freq': 3, 'min_child_samples': 69}. Best is trial 4 with value: 0.3985714285714286.\n[I 2023-11-01 05:27:37,958] Trial 5 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.007305198237134968, 'reg_lambda': 0.03972454927538197, 'num_leaves': 184, 'colsample_bytree': 0.5145625747940883, 'subsample': 0.47060434822452507, 'subsample_freq': 7, 'min_child_samples': 57}. Best is trial 4 with value: 0.3985714285714286.\n[I 2023-11-01 05:27:38,057] Trial 6 finished with value: 0.9552380952380952 and parameters: {'reg_alpha': 1.600525918153979, 'reg_lambda': 0.0010424476836628455, 'num_leaves': 4, 'colsample_bytree': 0.5955546621841911, 'subsample': 0.9935463044800025, 'subsample_freq': 3, 'min_child_samples': 66}. Best is trial 4 with value: 0.3985714285714286.\n[I 2023-11-01 05:27:38,105] Trial 7 finished with value: 0.33095238095238094 and parameters: {'reg_alpha': 1.7136326525379945e-06, 'reg_lambda': 0.0020685073662825132, 'num_leaves': 8, 'colsample_bytree': 0.8422455306525412, 'subsample': 0.43126463325809505, 'subsample_freq': 7, 'min_child_samples': 80}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,147] Trial 8 finished with value: 0.3984126984126984 and parameters: {'reg_alpha': 1.8991428556675624e-06, 'reg_lambda': 1.1695101587947678e-05, 'num_leaves': 98, 'colsample_bytree': 0.5268447454267631, 'subsample': 0.5970521689753902, 'subsample_freq': 7, 'min_child_samples': 76}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,226] Trial 9 finished with value: 0.6653968253968254 and parameters: {'reg_alpha': 0.09588871266884916, 'reg_lambda': 0.0030071541616178855, 'num_leaves': 237, 'colsample_bytree': 0.9724513716545737, 'subsample': 0.9004111969317279, 'subsample_freq': 4, 'min_child_samples': 68}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,310] Trial 10 finished with value: 0.3990476190476191 and parameters: {'reg_alpha': 2.4802521146131553e-08, 'reg_lambda': 8.57208509970731, 'num_leaves': 51, 'colsample_bytree': 0.9879740886790188, 'subsample': 0.4396467508747404, 'subsample_freq': 6, 'min_child_samples': 99}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,396] Trial 11 finished with value: 0.39841269841269844 and parameters: {'reg_alpha': 5.18156471930232e-07, 'reg_lambda': 1.4561965048177467e-05, 'num_leaves': 84, 'colsample_bytree': 0.42641203840203584, 'subsample': 0.5802381350751699, 'subsample_freq': 6, 'min_child_samples': 91}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,477] Trial 12 finished with value: 0.3995238095238095 and parameters: {'reg_alpha': 1.7255891564927782e-06, 'reg_lambda': 9.347391386382438e-05, 'num_leaves': 173, 'colsample_bytree': 0.6413440170895447, 'subsample': 0.6192169391123971, 'subsample_freq': 7, 'min_child_samples': 86}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,555] Trial 13 finished with value: 0.3987301587301587 and parameters: {'reg_alpha': 1.511848813819916e-08, 'reg_lambda': 9.046794108305647e-05, 'num_leaves': 45, 'colsample_bytree': 0.861634264505848, 'subsample': 0.40315613444580006, 'subsample_freq': 5, 'min_child_samples': 81}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,707] Trial 14 finished with value: 0.9663492063492063 and parameters: {'reg_alpha': 1.3396362948036937e-05, 'reg_lambda': 0.028417938733121456, 'num_leaves': 171, 'colsample_bytree': 0.6763570964277925, 'subsample': 0.5062504629396769, 'subsample_freq': 6, 'min_child_samples': 34}. Best is trial 7 with value: 0.33095238095238094.\n[I 2023-11-01 05:27:38,795] Trial 15 finished with value: 0.3185714285714286 and parameters: {'reg_alpha': 0.0008272623600883923, 'reg_lambda': 0.00023587393222315517, 'num_leaves': 106, 'colsample_bytree': 0.7285642858107121, 'subsample': 0.6362413706751974, 'subsample_freq': 7, 'min_child_samples': 75}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,050] Trial 16 finished with value: 0.9774603174603176 and parameters: {'reg_alpha': 0.0011210443279395068, 'reg_lambda': 0.00035227605740825203, 'num_leaves': 150, 'colsample_bytree': 0.7567828001534946, 'subsample': 0.6788867338601051, 'subsample_freq': 5, 'min_child_samples': 5}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,132] Trial 17 finished with value: 0.32492063492063494 and parameters: {'reg_alpha': 0.0009558472633215747, 'reg_lambda': 0.022163322927323897, 'num_leaves': 3, 'colsample_bytree': 0.8912230891049209, 'subsample': 0.5123873979155394, 'subsample_freq': 5, 'min_child_samples': 99}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,213] Trial 18 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 0.0009768568602511927, 'reg_lambda': 0.04961137435384451, 'num_leaves': 59, 'colsample_bytree': 0.9228563437619528, 'subsample': 0.5001392711187913, 'subsample_freq': 5, 'min_child_samples': 98}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,296] Trial 19 finished with value: 0.3977777777777778 and parameters: {'reg_alpha': 0.0008442466648081521, 'reg_lambda': 0.3324491169064198, 'num_leaves': 138, 'colsample_bytree': 0.9058275197585157, 'subsample': 0.6690233304452042, 'subsample_freq': 4, 'min_child_samples': 91}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,388] Trial 20 finished with value: 0.39936507936507937 and parameters: {'reg_alpha': 0.005337599670253233, 'reg_lambda': 0.015733150820523692, 'num_leaves': 29, 'colsample_bytree': 0.7602422988283695, 'subsample': 0.7412433070992155, 'subsample_freq': 6, 'min_child_samples': 100}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,477] Trial 21 finished with value: 0.3987301587301587 and parameters: {'reg_alpha': 6.91844636495357e-05, 'reg_lambda': 0.0011603084538588143, 'num_leaves': 2, 'colsample_bytree': 0.821171931566306, 'subsample': 0.5321019453411879, 'subsample_freq': 7, 'min_child_samples': 78}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,563] Trial 22 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.00016113858329231922, 'reg_lambda': 0.005247305771277148, 'num_leaves': 22, 'colsample_bytree': 0.8853544915326373, 'subsample': 0.4722667656979572, 'subsample_freq': 6, 'min_child_samples': 85}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,643] Trial 23 finished with value: 0.39841269841269844 and parameters: {'reg_alpha': 1.2539335812166709e-05, 'reg_lambda': 0.0003690554189416908, 'num_leaves': 77, 'colsample_bytree': 0.7989698087475052, 'subsample': 0.5395415443523697, 'subsample_freq': 5, 'min_child_samples': 72}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,750] Trial 24 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 0.06781467837248094, 'reg_lambda': 0.006348136119417253, 'num_leaves': 36, 'colsample_bytree': 0.8506188174262972, 'subsample': 0.40681913317045304, 'subsample_freq': 7, 'min_child_samples': 43}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,836] Trial 25 finished with value: 0.39809523809523806 and parameters: {'reg_alpha': 0.0003367126795391215, 'reg_lambda': 0.10912974642661254, 'num_leaves': 63, 'colsample_bytree': 0.9325516792586187, 'subsample': 0.4967790908079089, 'subsample_freq': 6, 'min_child_samples': 92}. Best is trial 15 with value: 0.3185714285714286.\n[I 2023-11-01 05:27:39,944] Trial 26 finished with value: 0.30857142857142855 and parameters: {'reg_alpha': 0.004359623088482809, 'reg_lambda': 0.0015582342757323607, 'num_leaves': 2, 'colsample_bytree': 0.7174292292479896, 'subsample': 0.632375472527883, 'subsample_freq': 7, 'min_child_samples': 62}. Best is trial 26 with value: 0.30857142857142855.\n[I 2023-11-01 05:27:40,065] Trial 27 finished with value: 0.3987301587301587 and parameters: {'reg_alpha': 0.0033602604796661405, 'reg_lambda': 0.012118856773155282, 'num_leaves': 109, 'colsample_bytree': 0.7125257516252151, 'subsample': 0.6374252142433398, 'subsample_freq': 5, 'min_child_samples': 61}. Best is trial 26 with value: 0.30857142857142855.\n[I 2023-11-01 05:27:40,221] Trial 28 finished with value: 0.9776190476190475 and parameters: {'reg_alpha': 0.02366456090898287, 'reg_lambda': 0.0001402937417159503, 'num_leaves': 213, 'colsample_bytree': 0.6785715349281195, 'subsample': 0.5794123790150972, 'subsample_freq': 4, 'min_child_samples': 42}. Best is trial 26 with value: 0.30857142857142855.\n[I 2023-11-01 05:27:40,332] Trial 29 finished with value: 0.39873015873015877 and parameters: {'reg_alpha': 0.0154949579060849, 'reg_lambda': 0.0012365401450808678, 'num_leaves': 21, 'colsample_bytree': 0.7543235814977067, 'subsample': 0.7211791840585939, 'subsample_freq': 2, 'min_child_samples': 60}. Best is trial 26 with value: 0.30857142857142855.\n:27: ExperimentalWarning:\n\nplot_terminator_improvement is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:129: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:131: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n\n 0%| | 0/30 [00:00\", line 10, in objective\nValueError\n[W 2023-11-01 05:28:26,628] Trial 0 failed with value None.\n[I 2023-11-01 05:28:26,700] Trial 4 pruned. \n[W 2023-11-01 05:28:26,711] Trial 5 failed with parameters: {'x': 0.8133212540393712} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:28:26,713] Trial 5 failed with value None.\n[I 2023-11-01 05:28:26,738] Trial 7 finished with value: 0.05352196036560686 and parameters: {'x': 0.2313481367238709}. Best is trial 1 with value: 0.005206625907241657.\n[I 2023-11-01 05:28:26,755] Trial 6 pruned. \n[W 2023-11-01 05:28:26,833] Trial 8 failed with parameters: {'x': 0.9239459498475103} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:28:26,834] Trial 8 failed with value None.\n[I 2023-11-01 05:28:26,837] Trial 9 pruned. \n[I 2023-11-01 05:28:26,897] Trial 10 pruned. \n[W 2023-11-01 05:28:26,924] Trial 11 failed with parameters: {'x': 0.8551987868350652} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:28:26,925] Trial 11 failed with value None.\n[I 2023-11-01 05:28:26,979] Trial 13 pruned. \n[W 2023-11-01 05:28:26,998] Trial 12 failed with parameters: {'x': 0.9911578492965847} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:28:26,999] Trial 12 failed with value None.\n[I 2023-11-01 05:28:27,042] Trial 14 pruned. \n[I 2023-11-01 05:28:27,044] Trial 15 pruned. \n[I 2023-11-01 05:28:27,055] Trial 16 finished with value: 0.0003912288072136089 and parameters: {'x': 0.019779504726195975}. Best is trial 16 with value: 0.0003912288072136089.\n[I 2023-11-01 05:28:27,065] Trial 17 finished with value: 0.0064446258844349305 and parameters: {'x': 0.08027842726682512}. Best is trial 16 with value: 0.0003912288072136089.\n[I 2023-11-01 05:28:27,066] Trial 18 finished with value: 0.0006611867609524678 and parameters: {'x': 0.025713552087420124}. Best is trial 16 with value: 0.0003912288072136089.\n[I 2023-11-01 05:28:27,080] Trial 19 finished with value: 3.360066650607707e-07 and parameters: {'x': 0.000579660818980178}. Best is trial 19 with value: 3.360066650607707e-07.\n[I 2023-11-01 05:28:27,086] Trial 20 finished with value: 0.0028072064065485488 and parameters: {'x': 0.05298307660516279}. Best is trial 19 with value: 3.360066650607707e-07.\n[I 2023-11-01 05:28:27,107] Trial 21 finished with value: 0.04188065487647501 and parameters: {'x': 0.2046476358927095}. Best is trial 19 with value: 3.360066650607707e-07.\n[I 2023-11-01 05:28:27,114] Trial 22 finished with value: 0.034871164381552376 and parameters: {'x': 0.18673822421119993}. Best is trial 19 with value: 3.360066650607707e-07.\n[I 2023-11-01 05:28:27,120] Trial 24 finished with value: 1.9455270342588514e-07 and parameters: {'x': 0.0004410812889092952}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,132] Trial 23 finished with value: 0.03413748776444338 and parameters: {'x': 0.18476332905759027}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,154] Trial 25 finished with value: 0.07753575931023415 and parameters: {'x': 0.27845243635176575}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,165] Trial 27 finished with value: 4.597206650149628e-07 and parameters: {'x': 0.0006780270385574331}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,172] Trial 26 finished with value: 0.10309465613635696 and parameters: {'x': 0.3210835656590928}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,183] Trial 28 finished with value: 0.011415894404504787 and parameters: {'x': 0.10684518896283907}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,190] Trial 29 finished with value: 0.009964153025384823 and parameters: {'x': 0.09982060421268157}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,204] Trial 30 finished with value: 0.017954567289168513 and parameters: {'x': 0.1339946539574192}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,211] Trial 31 finished with value: 0.019134924319512223 and parameters: {'x': 0.13832904365863383}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,219] Trial 33 finished with value: 0.00010107312293809022 and parameters: {'x': 0.010053512965033179}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,225] Trial 32 finished with value: 0.017195302134271635 and parameters: {'x': 0.1311308588177155}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,232] Trial 34 finished with value: 7.373605696000822e-05 and parameters: {'x': 0.008586970185112338}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,233] Trial 35 finished with value: 2.155401771425214e-06 and parameters: {'x': 0.0014681286631032084}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,248] Trial 37 finished with value: 2.4466887595101932e-05 and parameters: {'x': 0.004946401479368808}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,248] Trial 36 finished with value: 4.971382088600311e-05 and parameters: {'x': 0.0070508028540020255}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,268] Trial 38 finished with value: 0.005793629464194366 and parameters: {'x': 0.07611589495101773}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,270] Trial 39 finished with value: 0.007741358471979102 and parameters: {'x': 0.08798499003795535}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,308] Trial 41 finished with value: 0.058911309516360755 and parameters: {'x': 0.24271652089703485}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,309] Trial 40 finished with value: 0.06462248908090984 and parameters: {'x': 0.25420953774575383}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,339] Trial 42 finished with value: 0.02529648104228706 and parameters: {'x': 0.15904867507240372}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,341] Trial 43 finished with value: 0.026486938428839608 and parameters: {'x': 0.16274808271939675}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,358] Trial 44 finished with value: 0.00419242826021767 and parameters: {'x': 0.0647489633910665}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,358] Trial 45 finished with value: 0.004096609895858084 and parameters: {'x': 0.06400476463403396}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,371] Trial 46 finished with value: 4.3391678344985887e-07 and parameters: {'x': 0.0006587236017100487}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,373] Trial 47 finished with value: 0.0001380907165364237 and parameters: {'x': 0.011751200642335391}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,391] Trial 48 finished with value: 0.0026926276787657723 and parameters: {'x': 0.0518905355413275}. Best is trial 24 with value: 1.9455270342588514e-07.\n[I 2023-11-01 05:28:27,397] Trial 49 finished with value: 0.014389787777299384 and parameters: {'x': 0.11995744152531507}. Best is trial 24 with value: 1.9455270342588514e-07.\n\u001b[2Kreading sources... [ 82%] reference/visualization/generated/optuna.visualization.matplotlib.plot_timeline\n:21: ExperimentalWarning:\n\nplot_timeline is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:28:27,858] A new study created in memory with name: no-name-9473f68a-8282-4fcb-b66e-f971d6450b0c\n[I 2023-11-01 05:28:27,859] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:28:27,860] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,861] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,862] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,863] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,863] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,864] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,865] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,866] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,867] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,874] Trial 10 finished with value: 734.0822030665411 and parameters: {'x': -27.075490818571343, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,881] Trial 11 finished with value: 73.65352512080509 and parameters: {'x': 8.523703720848413, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,887] Trial 12 finished with value: 772.5301395134916 and parameters: {'x': -27.776431367500965, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,894] Trial 13 finished with value: 144.99637750321006 and parameters: {'x': 11.999849061684486, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,900] Trial 14 finished with value: 58.008999214248114 and parameters: {'x': -7.550430399271827, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,907] Trial 15 finished with value: 1813.5559443721502 and parameters: {'x': -42.574122943076, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,914] Trial 16 finished with value: 99.03717560874351 and parameters: {'x': -10.001858607716043, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,921] Trial 17 finished with value: 9671.11610067409 and parameters: {'x': 98.33674847519664, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,927] Trial 18 finished with value: 731.8040203733691 and parameters: {'x': 27.03338714207617, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,934] Trial 19 finished with value: 1940.8126679916945 and parameters: {'x': -44.06600354004995, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,941] Trial 20 finished with value: 22.671858597340137 and parameters: {'x': -4.6553043506671115, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,947] Trial 21 finished with value: 36.2737132672693 and parameters: {'x': -5.939167725133657, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,954] Trial 22 finished with value: 467.498830386074 and parameters: {'x': 21.598583990300707, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,960] Trial 23 finished with value: 57.683827568626214 and parameters: {'x': -7.5288662870731216, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,967] Trial 24 finished with value: 14.559465794510222 and parameters: {'x': 3.6823179920411846, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,974] Trial 25 finished with value: 1454.2889615335619 and parameters: {'x': 38.1220272484762, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,980] Trial 26 finished with value: 210.54412862953976 and parameters: {'x': 14.475639144077189, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,987] Trial 27 finished with value: 3133.9754124740953 and parameters: {'x': 55.97298823963301, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:27,994] Trial 28 finished with value: 583.7660288159207 and parameters: {'x': -24.181936002229445, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:28,001] Trial 29 finished with value: 31.445003865150788 and parameters: {'x': 5.607584494695625, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 82%] reference/visualization/generated/optuna.visualization.plot_contour\n[I 2023-11-01 05:28:28,236] A new study created in memory with name: x=[0,5), y=[0,5)\n[I 2023-11-01 05:28:28,237] Trial 0 finished with value: 9.098775784310966 and parameters: {'x': 3.85660321633373, 'y': 0.1037597467970075}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:28:28,238] Trial 1 finished with value: 11.468279264943558 and parameters: {'x': 3.168241174631377, 'y': 3.744019412693059}. Best is trial 0 with value: 9.098775784310966.\n[I 2023-11-01 05:28:28,238] Trial 2 finished with value: 8.26591744896594 and parameters: {'x': 2.4925350615129522, 'y': 1.1239832276542383}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:28:28,239] Trial 3 finished with value: 9.307353958700034 and parameters: {'x': 0.9903143237981199, 'y': 3.8026535609947936}. Best is trial 2 with value: 8.26591744896594.\n[I 2023-11-01 05:28:28,240] Trial 4 finished with value: 4.4107752374673055 and parameters: {'x': 0.8455541828126772, 'y': 0.44169907087005134}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,241] Trial 5 finished with value: 13.32581053856714 and parameters: {'x': 3.426799091838986, 'y': 4.766966730974683}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,242] Trial 6 finished with value: 7.762294992698612 and parameters: {'x': 0.019741331639572257, 'y': 2.560961316928883}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,243] Trial 7 finished with value: 10.462168809225723 and parameters: {'x': 4.063104808260568, 'y': 3.0626303341469407}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,244] Trial 8 finished with value: 10.766844213449511 and parameters: {'x': 3.6087765871589976, 'y': 1.4593803408531658}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,245] Trial 9 finished with value: 13.513529451283143 and parameters: {'x': 4.588870612564717, 'y': 3.572878916988453}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,246] Trial 10 finished with value: 8.477722801529927 and parameters: {'x': 2.7127218400563065, 'y': 0.7108502380076348}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,247] Trial 11 finished with value: 10.129432776476957 and parameters: {'x': 1.866703800257346, 'y': 3.3706680753317264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,248] Trial 12 finished with value: 8.366790606869595 and parameters: {'x': 2.2091658721149803, 'y': 2.1700699666664685}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,249] Trial 13 finished with value: 10.416955768145217 and parameters: {'x': 3.088834892346586, 'y': 2.5656912127719544}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,250] Trial 14 finished with value: 10.387909622465159 and parameters: {'x': 3.251985909657336, 'y': 3.005194767022722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,251] Trial 15 finished with value: 11.459718019586177 and parameters: {'x': 4.026115984163733, 'y': 2.608235761968171}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,251] Trial 16 finished with value: 12.18680554317172 and parameters: {'x': 4.5432444040433415, 'y': 1.5961804449427264}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,252] Trial 17 finished with value: 6.324395711691771 and parameters: {'x': 0.45229674635453687, 'y': 1.5035002831810167}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,253] Trial 18 finished with value: 10.780656392800164 and parameters: {'x': 0.5699218093177488, 'y': 4.143406631538383}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,254] Trial 19 finished with value: 8.416640220838426 and parameters: {'x': 0.23448159694624882, 'y': 3.1314357415569627}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,255] Trial 20 finished with value: 11.302576421368904 and parameters: {'x': 2.737930779596218, 'y': 4.096434978350343}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,256] Trial 21 finished with value: 10.499563087675314 and parameters: {'x': 0.9947376983940615, 'y': 4.284251512288666}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,257] Trial 22 finished with value: 10.513666838860214 and parameters: {'x': 1.7582631971604394, 'y': 3.773238457649286}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,258] Trial 23 finished with value: 11.97926994777533 and parameters: {'x': 1.4798085343983935, 'y': 4.419682397805931}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,258] Trial 24 finished with value: 6.380894606936472 and parameters: {'x': 1.627558189161244, 'y': 0.8250794885957424}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,259] Trial 25 finished with value: 6.685983992257508 and parameters: {'x': 1.9626462197329364, 'y': 0.4673018727932515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,260] Trial 26 finished with value: 10.125719905741311 and parameters: {'x': 4.105528289184642, 'y': 0.7557600982128193}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,261] Trial 27 finished with value: 11.573099481049313 and parameters: {'x': 1.920572243460998, 'y': 4.721303561194006}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,262] Trial 28 finished with value: 12.011941244892594 and parameters: {'x': 4.938127374509361, 'y': 2.2815227354739203}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,263] Trial 29 finished with value: 10.481651724828257 and parameters: {'x': 4.130614219213699, 'y': 1.2568706710352968}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,264] Trial 30 finished with value: 12.415913516504961 and parameters: {'x': 2.9868582411544216, 'y': 4.514158801658137}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,265] Trial 31 finished with value: 10.053592439013652 and parameters: {'x': 2.6727897440090755, 'y': 2.9510068149271147}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,266] Trial 32 finished with value: 5.886579856572837 and parameters: {'x': 0.19640883612693671, 'y': 1.7859087931726814}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,267] Trial 33 finished with value: 6.310127074999574 and parameters: {'x': 0.3980654507798209, 'y': 1.5272995917140912}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,267] Trial 34 finished with value: 10.63044720131769 and parameters: {'x': 1.65359655991066, 'y': 3.8691514810529792}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,268] Trial 35 finished with value: 6.399093285230432 and parameters: {'x': 0.19979604344988633, 'y': 2.1474608921581915}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,269] Trial 36 finished with value: 9.82714713251584 and parameters: {'x': 1.5746343592134415, 'y': 3.1824557153377233}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,270] Trial 37 finished with value: 6.040622694875182 and parameters: {'x': 1.7317357504001651, 'y': 0.2154867810249722}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,271] Trial 38 finished with value: 13.124359919044599 and parameters: {'x': 4.39957587258958, 'y': 3.816202935718405}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,271] Trial 39 finished with value: 11.621017540390913 and parameters: {'x': 4.390483213624291, 'y': 2.087545719196335}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,272] Trial 40 finished with value: 10.273148823731859 and parameters: {'x': 3.027887821968784, 'y': 2.567333137041442}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,273] Trial 41 finished with value: 8.74724695064551 and parameters: {'x': 2.989183239814868, 'y': 1.3110783056597515}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,274] Trial 42 finished with value: 5.703235939620228 and parameters: {'x': 1.504356544703536, 'y': 0.12699891025053034}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,275] Trial 43 finished with value: 6.8281049033658086 and parameters: {'x': 1.5153128032551737, 'y': 1.2103793770176368}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,276] Trial 44 finished with value: 9.889991012666522 and parameters: {'x': 2.787890943313221, 'y': 2.827535099440838}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,277] Trial 45 finished with value: 8.809099112861492 and parameters: {'x': 2.375661237075253, 'y': 1.4639898814475454}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,277] Trial 46 finished with value: 11.529514400367189 and parameters: {'x': 0.32125530347412223, 'y': 4.894095728788213}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,278] Trial 47 finished with value: 9.116346691166768 and parameters: {'x': 1.6985392181893184, 'y': 2.4752431544122717}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,279] Trial 48 finished with value: 11.665729583461987 and parameters: {'x': 4.885403629613409, 'y': 2.2038691245033326}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,280] Trial 49 finished with value: 9.283138260008634 and parameters: {'x': 1.591364027394756, 'y': 2.5989849293769005}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,281] Trial 50 finished with value: 11.688309982114646 and parameters: {'x': 2.8906821494123376, 'y': 4.269668752502432}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,282] Trial 51 finished with value: 7.7554312065139825 and parameters: {'x': 0.34048636768975016, 'y': 2.3226540388966628}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,283] Trial 52 finished with value: 12.275135396487016 and parameters: {'x': 3.909745593095742, 'y': 3.5930140519112514}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,283] Trial 53 finished with value: 7.599136984880452 and parameters: {'x': 2.9301099002658795, 'y': 0.18547206617203937}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,284] Trial 54 finished with value: 8.971518754151079 and parameters: {'x': 1.7532819564156648, 'y': 2.815953422463725}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,285] Trial 55 finished with value: 9.191843219831416 and parameters: {'x': 1.4986493621228143, 'y': 2.5616707663677465}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,286] Trial 56 finished with value: 9.633721562166217 and parameters: {'x': 3.3673346264236024, 'y': 0.7959686668904675}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,287] Trial 57 finished with value: 6.186229741277476 and parameters: {'x': 0.2523883507699881, 'y': 1.6890794353233973}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,288] Trial 58 finished with value: 4.552022343284264 and parameters: {'x': 0.5403188638972628, 'y': 0.8945140428554521}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,289] Trial 59 finished with value: 11.758020264004587 and parameters: {'x': 4.429135480838529, 'y': 1.826824856070579}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,290] Trial 60 finished with value: 9.65103717665648 and parameters: {'x': 1.0938467458976837, 'y': 3.762480851093014}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,291] Trial 61 finished with value: 10.404668371552354 and parameters: {'x': 0.5343979219678457, 'y': 3.723016203877803}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,292] Trial 62 finished with value: 9.807137735649274 and parameters: {'x': 2.3489264672024723, 'y': 2.991278356395546}. Best is trial 4 with value: 4.4107752374673055.\n[I 2023-11-01 05:28:28,293] Trial 63 finished with value: 4.297890789772584 and parameters: {'x': 0.7381009614264883, 'y': 0.9201741104657563}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,293] Trial 64 finished with value: 8.956435845330386 and parameters: {'x': 3.2253606323412094, 'y': 0.24314003131702788}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,294] Trial 65 finished with value: 8.694250835326496 and parameters: {'x': 1.2430625390138472, 'y': 2.7120425811400213}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,295] Trial 66 finished with value: 5.986545159935034 and parameters: {'x': 1.133866716350046, 'y': 1.9070576745231604}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,296] Trial 67 finished with value: 14.297386483409563 and parameters: {'x': 4.611163934517731, 'y': 4.626784364338884}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,297] Trial 68 finished with value: 10.180452207698272 and parameters: {'x': 2.8337496228749997, 'y': 2.667354424945013}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,298] Trial 69 finished with value: 10.407363938709986 and parameters: {'x': 0.07430012316614054, 'y': 4.889496317010025}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,299] Trial 70 finished with value: 10.440149099446987 and parameters: {'x': 2.8651445201659294, 'y': 3.95878498138312}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,299] Trial 71 finished with value: 12.32523091547919 and parameters: {'x': 2.8077868013818446, 'y': 4.3866762078246735}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,300] Trial 72 finished with value: 11.31269157398866 and parameters: {'x': 2.9209791426533775, 'y': 3.544249131844776}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,301] Trial 73 finished with value: 6.868040784289896 and parameters: {'x': 0.7426672567822928, 'y': 2.142253694839482}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,302] Trial 74 finished with value: 10.168253595722678 and parameters: {'x': 3.4694503317120584, 'y': 0.5230987226142658}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,303] Trial 75 finished with value: 6.875279830510534 and parameters: {'x': 2.1980261888729524, 'y': 0.8310107385226684}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,304] Trial 76 finished with value: 11.669355532080532 and parameters: {'x': 2.5348931463202367, 'y': 4.095179320681063}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,305] Trial 77 finished with value: 10.375729066395554 and parameters: {'x': 0.45053367362219265, 'y': 4.000343753470726}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,305] Trial 78 finished with value: 9.47494195262567 and parameters: {'x': 2.8256317697890228, 'y': 2.946738558403037}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,306] Trial 79 finished with value: 6.429800222532773 and parameters: {'x': 0.9905032860813445, 'y': 2.1805912766941713}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,307] Trial 80 finished with value: 5.784554009886445 and parameters: {'x': 1.4795188111041868, 'y': 0.18778837970838846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,308] Trial 81 finished with value: 6.944951718546044 and parameters: {'x': 0.15342420186473138, 'y': 2.2655250010061674}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,309] Trial 82 finished with value: 11.32465496841092 and parameters: {'x': 3.7243203847503388, 'y': 2.7864770311819846}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,310] Trial 83 finished with value: 5.814616800694608 and parameters: {'x': 1.9255679978274327, 'y': 0.8403639876630931}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,311] Trial 84 finished with value: 11.092120639966868 and parameters: {'x': 4.1913066035184645, 'y': 2.995258987307463}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,311] Trial 85 finished with value: 12.30613781768253 and parameters: {'x': 3.9135740912248558, 'y': 4.242545909473573}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,312] Trial 86 finished with value: 10.276422024397286 and parameters: {'x': 3.0158148793101742, 'y': 3.9053030864514104}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,313] Trial 87 finished with value: 7.479769890494953 and parameters: {'x': 3.0786843801678465, 'y': 0.10582595586077492}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,314] Trial 88 finished with value: 9.671206282931806 and parameters: {'x': 3.752323052437455, 'y': 0.8802106664184695}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,315] Trial 89 finished with value: 9.869658626214864 and parameters: {'x': 2.292571031186365, 'y': 2.5656135386612258}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,316] Trial 90 finished with value: 11.964499715377078 and parameters: {'x': 2.420104451434129, 'y': 4.2219289726967375}. Best is trial 63 with value: 4.297890789772584.\n[I 2023-11-01 05:28:28,317] Trial 91 finished with value: 2.826913907516392 and parameters: {'x': 0.874069474110597, 'y': 0.0731743755162495}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,317] Trial 92 finished with value: 12.799381162755227 and parameters: {'x': 4.24382035905616, 'y': 3.7133728864971705}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,318] Trial 93 finished with value: 8.415639605279267 and parameters: {'x': 2.283487676600861, 'y': 2.084492035246889}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,319] Trial 94 finished with value: 6.648507949382903 and parameters: {'x': 0.5836475547348163, 'y': 1.6933956649466986}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,320] Trial 95 finished with value: 10.321671031403987 and parameters: {'x': 0.4732952037182653, 'y': 3.579154363756571}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,321] Trial 96 finished with value: 4.476198346748607 and parameters: {'x': 0.3854270220801931, 'y': 1.0297512918448626}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,321] Trial 97 finished with value: 9.179908484929722 and parameters: {'x': 2.868881157256011, 'y': 1.4691577760188401}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,322] Trial 98 finished with value: 11.609756716580515 and parameters: {'x': 3.278633713572991, 'y': 4.017841738716098}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,323] Trial 99 finished with value: 6.625902168595072 and parameters: {'x': 1.7560675149820437, 'y': 0.4672018847188353}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,324] Trial 100 finished with value: 11.261545077172835 and parameters: {'x': 4.066580418354021, 'y': 3.9243335913847344}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,325] Trial 101 finished with value: 11.190968700537157 and parameters: {'x': 1.967095562182577, 'y': 4.322395969009766}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,326] Trial 102 finished with value: 6.911109890757974 and parameters: {'x': 1.9201538405786622, 'y': 1.2865144360250191}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,326] Trial 103 finished with value: 12.490683781539499 and parameters: {'x': 4.1470095991361795, 'y': 3.681913519192817}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,327] Trial 104 finished with value: 10.848166908046393 and parameters: {'x': 2.538004540274797, 'y': 3.2216330752070848}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,328] Trial 105 finished with value: 11.32542096737529 and parameters: {'x': 1.0659328268932406, 'y': 4.478544743517791}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,329] Trial 106 finished with value: 12.145433872665942 and parameters: {'x': 4.829731257539075, 'y': 1.5850078115289405}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,330] Trial 107 finished with value: 11.786981252421768 and parameters: {'x': 4.327763091136416, 'y': 1.5514185347005949}. Best is trial 91 with value: 2.826913907516392.\n[I 2023-11-01 05:28:28,331] Trial 108 finished with value: 2.0472944535777273 and parameters: {'x': 0.12631972715908546, 'y': 0.24597578886864313}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,331] Trial 109 finished with value: 4.145224959722373 and parameters: {'x': 0.9231341900713275, 'y': 0.34516670808627026}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,332] Trial 110 finished with value: 11.931360118539573 and parameters: {'x': 1.2873771170227155, 'y': 4.567908657853373}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,334] Trial 111 finished with value: 7.772705651810355 and parameters: {'x': 2.2892475598720523, 'y': 0.6510589473979744}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,335] Trial 112 finished with value: 9.524332905886311 and parameters: {'x': 4.0494583270008935, 'y': 2.01734920240333}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,336] Trial 113 finished with value: 10.520695532088595 and parameters: {'x': 0.12216322491582055, 'y': 4.284155213138763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,337] Trial 114 finished with value: 10.597438973670814 and parameters: {'x': 1.371474095076981, 'y': 3.5455298203599526}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,338] Trial 115 finished with value: 10.120097947889937 and parameters: {'x': 1.7788617141183165, 'y': 3.971545309132671}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,338] Trial 116 finished with value: 11.960450407585382 and parameters: {'x': 4.223094305719252, 'y': 2.690737585699792}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,339] Trial 117 finished with value: 8.587748682117635 and parameters: {'x': 2.795432582016292, 'y': 0.6125499071870993}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,340] Trial 118 finished with value: 7.369283296210424 and parameters: {'x': 1.8882095928704012, 'y': 2.1437366456452134}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,341] Trial 119 finished with value: 12.663827787679372 and parameters: {'x': 2.556043231427327, 'y': 4.458812849678472}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,342] Trial 120 finished with value: 7.650631541913702 and parameters: {'x': 1.5010530579700654, 'y': 1.9822093943922525}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,343] Trial 121 finished with value: 9.498157519309544 and parameters: {'x': 3.9663661651380706, 'y': 2.061380386767003}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,343] Trial 122 finished with value: 10.019682178888301 and parameters: {'x': 0.9243377499545619, 'y': 4.201236580441953}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,344] Trial 123 finished with value: 8.237633967855434 and parameters: {'x': 2.8463569985064425, 'y': 0.3002510277540982}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,345] Trial 124 finished with value: 10.781591638486919 and parameters: {'x': 4.944584870981005, 'y': 1.1439116660098265}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,346] Trial 125 finished with value: 8.621572297432854 and parameters: {'x': 3.0735085649008482, 'y': 1.8401334041772972}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,347] Trial 126 finished with value: 10.713009182969788 and parameters: {'x': 4.013879681741232, 'y': 3.1378092635281445}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,348] Trial 127 finished with value: 10.98074403397134 and parameters: {'x': 4.106082380991301, 'y': 1.441265693961082}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,348] Trial 128 finished with value: 9.024647633357716 and parameters: {'x': 1.3739756579638436, 'y': 3.00525945566255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,349] Trial 129 finished with value: 13.49082379516863 and parameters: {'x': 4.692570986046688, 'y': 3.5364815467071864}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,350] Trial 130 finished with value: 5.874821960577492 and parameters: {'x': 1.3170158247837875, 'y': 0.6116796055750251}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,351] Trial 131 finished with value: 12.140532436293423 and parameters: {'x': 2.2936211459493183, 'y': 4.8740624969833455}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,352] Trial 132 finished with value: 9.508596165882706 and parameters: {'x': 3.4028718722222235, 'y': 0.9662686614323052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,352] Trial 133 finished with value: 11.43232227635066 and parameters: {'x': 0.233696135806975, 'y': 4.763219683853119}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,353] Trial 134 finished with value: 12.909468873966272 and parameters: {'x': 4.2932450773421325, 'y': 4.139515878742856}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,354] Trial 135 finished with value: 11.717204018330282 and parameters: {'x': 4.819502614191414, 'y': 2.994682245363374}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,355] Trial 136 finished with value: 11.730163602366163 and parameters: {'x': 4.654579179238757, 'y': 0.733844071393634}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,356] Trial 137 finished with value: 6.653881018965677 and parameters: {'x': 0.569801543773461, 'y': 1.8601445108691723}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,357] Trial 138 finished with value: 10.741151207828954 and parameters: {'x': 3.832800632854534, 'y': 1.6057101573247974}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,357] Trial 139 finished with value: 8.041035108445248 and parameters: {'x': 3.1901754067231334, 'y': 0.04610550834939442}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,358] Trial 140 finished with value: 9.248413466368948 and parameters: {'x': 2.71732519237458, 'y': 1.6887732344259176}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,359] Trial 141 finished with value: 14.219077219048492 and parameters: {'x': 4.490121544247577, 'y': 4.703535192416116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,360] Trial 142 finished with value: 6.631265309603911 and parameters: {'x': 1.920609245767847, 'y': 1.9805889617029848}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,361] Trial 143 finished with value: 11.598473392731933 and parameters: {'x': 4.48639972409674, 'y': 0.2941118405092352}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,361] Trial 144 finished with value: 6.694767599306697 and parameters: {'x': 2.0268964421478453, 'y': 0.6508777031545621}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,362] Trial 145 finished with value: 10.288922686627453 and parameters: {'x': 0.4348470446230879, 'y': 3.919821434794939}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,363] Trial 146 finished with value: 9.21998684759554 and parameters: {'x': 1.5228667767331006, 'y': 2.9202793627763453}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,364] Trial 147 finished with value: 13.970932382384035 and parameters: {'x': 4.392330892133315, 'y': 4.403960303067703}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,365] Trial 148 finished with value: 10.220646476518713 and parameters: {'x': 3.004771036228382, 'y': 3.2261387284201657}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,366] Trial 149 finished with value: 6.025594798063533 and parameters: {'x': 0.28314101419053106, 'y': 1.487420484879609}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,366] Trial 150 finished with value: 9.686112989082387 and parameters: {'x': 3.458873037882333, 'y': 0.9451472642781766}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,367] Trial 151 finished with value: 11.477795880312842 and parameters: {'x': 4.015037683584489, 'y': 2.5738187492835642}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,368] Trial 152 finished with value: 9.536662274540596 and parameters: {'x': 3.7864302015780735, 'y': 0.8889437430854896}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,369] Trial 153 finished with value: 8.138475011363663 and parameters: {'x': 0.41310145647746377, 'y': 2.4103598486142923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,370] Trial 154 finished with value: 11.493703576527055 and parameters: {'x': 2.6442693968106306, 'y': 3.481541359044985}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,371] Trial 155 finished with value: 9.341702473870399 and parameters: {'x': 1.023808070150981, 'y': 3.356861649786817}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,371] Trial 156 finished with value: 9.45980967724605 and parameters: {'x': 3.966346626632103, 'y': 0.20868906258480535}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,372] Trial 157 finished with value: 13.378541634779003 and parameters: {'x': 4.816787528607454, 'y': 4.876963585866664}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,373] Trial 158 finished with value: 8.398878019226897 and parameters: {'x': 2.7533039211090755, 'y': 0.3245349120330482}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,374] Trial 159 finished with value: 5.671727248950585 and parameters: {'x': 1.7261839493092874, 'y': 0.1021498440574764}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,375] Trial 160 finished with value: 8.900670733919403 and parameters: {'x': 4.0042590489180805, 'y': 1.039635490660757}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,376] Trial 161 finished with value: 10.104130916382784 and parameters: {'x': 0.7162625545259099, 'y': 3.4994699226462638}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,376] Trial 162 finished with value: 5.315897263639183 and parameters: {'x': 0.28974903005027364, 'y': 1.2830378342449826}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,377] Trial 163 finished with value: 12.628574431426383 and parameters: {'x': 2.551658922744225, 'y': 4.97629392410128}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,378] Trial 164 finished with value: 7.447601498443641 and parameters: {'x': 0.7325783965840083, 'y': 2.247573887993382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,379] Trial 165 finished with value: 8.717294962338975 and parameters: {'x': 3.007201880914031, 'y': 0.48636247069940075}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,380] Trial 166 finished with value: 10.747736503597993 and parameters: {'x': 1.4436744027098762, 'y': 3.603999509537035}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,380] Trial 167 finished with value: 11.672696062044226 and parameters: {'x': 2.754030320204744, 'y': 4.192885075269436}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,381] Trial 168 finished with value: 7.3765020440620965 and parameters: {'x': 2.901656757339883, 'y': 0.9228586830481306}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,382] Trial 169 finished with value: 12.413208648223295 and parameters: {'x': 3.077510585292704, 'y': 4.434775442343052}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,383] Trial 170 finished with value: 10.541150607138487 and parameters: {'x': 2.5839463891022096, 'y': 3.130718345632117}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,384] Trial 171 finished with value: 12.756318698680404 and parameters: {'x': 2.525295587782306, 'y': 4.5483128829327715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,385] Trial 172 finished with value: 9.05472987128604 and parameters: {'x': 2.0665232778228515, 'y': 2.677343581458615}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,385] Trial 173 finished with value: 6.621158640130886 and parameters: {'x': 1.713215627822633, 'y': 0.6478838857163005}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,386] Trial 174 finished with value: 13.166998514264037 and parameters: {'x': 3.3141087569999437, 'y': 4.678350009978248}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,387] Trial 175 finished with value: 11.37039215348121 and parameters: {'x': 3.06364590964527, 'y': 4.213692497248822}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,388] Trial 176 finished with value: 11.421697035283117 and parameters: {'x': 1.0895421810142136, 'y': 4.515858698649607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,389] Trial 177 finished with value: 3.399518378372946 and parameters: {'x': 0.04884988559842873, 'y': 1.1290636333171737}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,389] Trial 178 finished with value: 11.790711998551938 and parameters: {'x': 0.6602756363599344, 'y': 4.537714732580255}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,390] Trial 179 finished with value: 12.457058855171512 and parameters: {'x': 4.5511531832988155, 'y': 2.9052895356745245}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,391] Trial 180 finished with value: 4.270689977380076 and parameters: {'x': 0.4374652626195269, 'y': 0.5843971978719908}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,392] Trial 181 finished with value: 12.240165558984787 and parameters: {'x': 3.8553562765392724, 'y': 3.6639763439826103}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,393] Trial 182 finished with value: 6.590515277343432 and parameters: {'x': 0.435641784662561, 'y': 1.7873159905994234}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,394] Trial 183 finished with value: 10.17214430542262 and parameters: {'x': 3.8660581087613077, 'y': 0.6573580080587804}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,395] Trial 184 finished with value: 11.43917166431362 and parameters: {'x': 2.68916216926987, 'y': 3.7736178311347457}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,395] Trial 185 finished with value: 8.969937960798413 and parameters: {'x': 1.3626308799556757, 'y': 2.8325849795366413}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,396] Trial 186 finished with value: 10.041893106125363 and parameters: {'x': 2.3834248535833096, 'y': 2.7831034627091973}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,397] Trial 187 finished with value: 10.826547273250752 and parameters: {'x': 2.2036852870690056, 'y': 3.4686868213095585}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,398] Trial 188 finished with value: 12.426924191010318 and parameters: {'x': 3.5911859015982364, 'y': 3.7819117894779923}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,399] Trial 189 finished with value: 9.532608489210268 and parameters: {'x': 0.18661004505669543, 'y': 3.394176984464907}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,400] Trial 190 finished with value: 8.135150111944762 and parameters: {'x': 2.386104004539672, 'y': 0.5008569383546607}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,401] Trial 191 finished with value: 11.234871968202231 and parameters: {'x': 3.070981168573452, 'y': 4.18957254483098}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,401] Trial 192 finished with value: 10.837341646724049 and parameters: {'x': 3.6694701882941674, 'y': 1.6078279135595364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,402] Trial 193 finished with value: 2.853729868628715 and parameters: {'x': 0.33927655543450175, 'y': 0.1866511853213626}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,403] Trial 194 finished with value: 8.102320702453188 and parameters: {'x': 2.7956265198024104, 'y': 0.8042634963427392}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,404] Trial 195 finished with value: 6.2265106786220485 and parameters: {'x': 1.3394409285104592, 'y': 1.1785597821799847}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,405] Trial 196 finished with value: 3.2200767735665927 and parameters: {'x': 0.0967373080891365, 'y': 0.7584321219748957}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,406] Trial 197 finished with value: 10.792978685682154 and parameters: {'x': 0.1695125656628088, 'y': 4.909174290439391}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,407] Trial 198 finished with value: 10.474479619963939 and parameters: {'x': 1.8024265507702935, 'y': 4.127322642810085}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,407] Trial 199 finished with value: 7.000149994893448 and parameters: {'x': 2.0611870425872763, 'y': 1.2658957315496995}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,408] Trial 200 finished with value: 9.720250252035754 and parameters: {'x': 1.1835543824008021, 'y': 3.865577996383569}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,409] Trial 201 finished with value: 12.227465780083314 and parameters: {'x': 3.3562845256281584, 'y': 3.531654426003335}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,410] Trial 202 finished with value: 12.210582618377428 and parameters: {'x': 4.265777065952011, 'y': 2.6102478341800395}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,411] Trial 203 finished with value: 9.417005707712555 and parameters: {'x': 2.2138482666072563, 'y': 2.7687422062775187}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,411] Trial 204 finished with value: 11.469682332813566 and parameters: {'x': 3.25997424203055, 'y': 3.942769372376201}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,412] Trial 205 finished with value: 12.079734998646657 and parameters: {'x': 4.461347258463439, 'y': 1.5455257933952686}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,413] Trial 206 finished with value: 10.242782580711673 and parameters: {'x': 0.6780488613353464, 'y': 3.7546332592209364}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,414] Trial 207 finished with value: 11.349746970151045 and parameters: {'x': 2.634166107685379, 'y': 3.9236929038023707}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,415] Trial 208 finished with value: 10.85409333443086 and parameters: {'x': 2.1496305142828613, 'y': 4.19423293806763}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,416] Trial 209 finished with value: 8.748226607352638 and parameters: {'x': 2.6867701271181477, 'y': 1.2521196657508715}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,416] Trial 210 finished with value: 3.6675219100206 and parameters: {'x': 0.2944700572038689, 'y': 0.4597464245382382}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,417] Trial 211 finished with value: 6.733554910774435 and parameters: {'x': 0.8709997157072319, 'y': 2.1962717529913767}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,418] Trial 212 finished with value: 13.275572772621532 and parameters: {'x': 4.054671125375529, 'y': 4.552010618031673}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,419] Trial 213 finished with value: 9.156372510625387 and parameters: {'x': 2.8804535600599386, 'y': 1.455772148901746}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,420] Trial 214 finished with value: 11.053685497303166 and parameters: {'x': 3.258931858906078, 'y': 3.1896035037778403}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,420] Trial 215 finished with value: 12.688867058298401 and parameters: {'x': 2.5178736985866528, 'y': 4.827763578108981}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,421] Trial 216 finished with value: 13.143915044023823 and parameters: {'x': 4.033455748052451, 'y': 4.642596782018086}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,422] Trial 217 finished with value: 11.501118854064435 and parameters: {'x': 3.0696756333221895, 'y': 4.910019581715506}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,423] Trial 218 finished with value: 9.618849650879131 and parameters: {'x': 3.574939779226631, 'y': 0.043296357086455295}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,424] Trial 219 finished with value: 11.337201623088333 and parameters: {'x': 1.4407279049690558, 'y': 4.206993287509106}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,425] Trial 220 finished with value: 6.882791405849485 and parameters: {'x': 2.215885435136737, 'y': 0.8652486173830182}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,426] Trial 221 finished with value: 10.356085023005411 and parameters: {'x': 0.5726355611313177, 'y': 3.9894029801061537}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,426] Trial 222 finished with value: 10.902930543766338 and parameters: {'x': 3.244525757228069, 'y': 2.50872999073498}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,427] Trial 223 finished with value: 9.72674798257857 and parameters: {'x': 1.428201041160826, 'y': 3.1834791424269584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,428] Trial 224 finished with value: 8.999635175804276 and parameters: {'x': 1.8417095266511174, 'y': 2.6976927167612597}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,429] Trial 225 finished with value: 12.342284304379254 and parameters: {'x': 3.810334009899379, 'y': 4.199437405771903}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,430] Trial 226 finished with value: 8.504027200451612 and parameters: {'x': 0.5247870601084398, 'y': 2.553156541729579}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,431] Trial 227 finished with value: 9.080756473737205 and parameters: {'x': 3.2274433137208787, 'y': 0.7653340712632956}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,431] Trial 228 finished with value: 10.498147057144351 and parameters: {'x': 0.008798245521798864, 'y': 4.8352287661502515}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,432] Trial 229 finished with value: 10.625090716792682 and parameters: {'x': 4.039332666325461, 'y': 1.3703379468173575}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,433] Trial 230 finished with value: 6.1355422884542605 and parameters: {'x': 1.3954480353606296, 'y': 0.6033982071098909}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,435] Trial 231 finished with value: 12.682917751678975 and parameters: {'x': 2.403441324954285, 'y': 4.661509893812813}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,436] Trial 232 finished with value: 11.774995548643213 and parameters: {'x': 4.574637128841343, 'y': 1.219375479879055}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,437] Trial 233 finished with value: 10.978375842604487 and parameters: {'x': 1.9742914820793693, 'y': 4.851197651132945}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,438] Trial 234 finished with value: 12.119938844650308 and parameters: {'x': 1.378098168018807, 'y': 4.6892472043320685}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,439] Trial 235 finished with value: 13.137380053631484 and parameters: {'x': 3.845060785117532, 'y': 4.423593440530303}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,440] Trial 236 finished with value: 11.31174382971022 and parameters: {'x': 4.355024876220002, 'y': 0.7323547961340754}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,441] Trial 237 finished with value: 13.188985764251004 and parameters: {'x': 3.9459439396258817, 'y': 4.546111228357549}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,441] Trial 238 finished with value: 12.775291947108045 and parameters: {'x': 4.190852742653525, 'y': 3.5601559319358116}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,442] Trial 239 finished with value: 7.707597241407441 and parameters: {'x': 1.536897092687322, 'y': 1.7689227738549467}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,443] Trial 240 finished with value: 5.22672624314151 and parameters: {'x': 1.1817669761188916, 'y': 0.4490581953161277}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,444] Trial 241 finished with value: 7.510297578894374 and parameters: {'x': 0.9723908716101909, 'y': 3.079039376835584}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,445] Trial 242 finished with value: 13.44024542713433 and parameters: {'x': 4.660418377825547, 'y': 3.4554197489155487}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,446] Trial 243 finished with value: 8.844390826703956 and parameters: {'x': 2.8142352335212815, 'y': 1.3187789770627112}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,447] Trial 244 finished with value: 11.40539149996344 and parameters: {'x': 2.6357344044248325, 'y': 4.021914573545422}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,447] Trial 245 finished with value: 6.133436500818917 and parameters: {'x': 1.4753794695299933, 'y': 0.9166927527975044}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,448] Trial 246 finished with value: 9.542874483876695 and parameters: {'x': 0.09866229753310307, 'y': 3.716606159862748}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,449] Trial 247 finished with value: 6.48812817105026 and parameters: {'x': 0.191467020929183, 'y': 2.1683983448692428}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,450] Trial 248 finished with value: 9.554429765837991 and parameters: {'x': 4.1604238065637436, 'y': 0.06729279249878872}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,451] Trial 249 finished with value: 10.10757671940421 and parameters: {'x': 2.546676957570693, 'y': 2.397743500706264}. Best is trial 108 with value: 2.0472944535777273.\n[I 2023-11-01 05:28:28,452] Trial 250 finished with value: 1.0107616991357382 and parameters: {'x': 0.14827470398864118, 'y': 0.05714263412033127}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,452] Trial 251 finished with value: 6.323876055572224 and parameters: {'x': 1.6592200011724718, 'y': 0.30715539302647477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,453] Trial 252 finished with value: 12.27777005427824 and parameters: {'x': 2.990867540282372, 'y': 4.4296012676131165}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,454] Trial 253 finished with value: 5.888565518184436 and parameters: {'x': 2.0606688768197037, 'y': 0.19136099451097843}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,455] Trial 254 finished with value: 3.846931736921775 and parameters: {'x': 0.40421201895402825, 'y': 0.4095727115092429}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,456] Trial 255 finished with value: 11.116741954263512 and parameters: {'x': 4.046836669107675, 'y': 4.003470014424989}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,457] Trial 256 finished with value: 10.548427810995527 and parameters: {'x': 0.08454905677353852, 'y': 4.306471626153089}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,458] Trial 257 finished with value: 11.794532699469258 and parameters: {'x': 4.556501121762242, 'y': 2.0043834231758106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,458] Trial 258 finished with value: 11.358371336061872 and parameters: {'x': 1.4344534916885388, 'y': 4.2152244263191925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,459] Trial 259 finished with value: 8.604726890176462 and parameters: {'x': 3.0852227648870825, 'y': 0.702993633926971}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,460] Trial 260 finished with value: 10.368046930771534 and parameters: {'x': 1.1437780685795795, 'y': 4.20748985587598}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,461] Trial 261 finished with value: 10.292732211355425 and parameters: {'x': 4.22179236754099, 'y': 1.1007299669031934}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,462] Trial 262 finished with value: 11.369252561448086 and parameters: {'x': 4.05568819876081, 'y': 2.679767669445578}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,463] Trial 263 finished with value: 10.280651858444699 and parameters: {'x': 3.052142244912166, 'y': 2.6193494156314086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,463] Trial 264 finished with value: 8.07278439807948 and parameters: {'x': 3.1981457424778132, 'y': 0.025781740169585343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,464] Trial 265 finished with value: 9.556500701329405 and parameters: {'x': 0.12369391707809763, 'y': 3.4501319265785617}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,465] Trial 266 finished with value: 9.816116481887354 and parameters: {'x': 0.857965097811067, 'y': 3.469653368443282}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,466] Trial 267 finished with value: 5.842310943888105 and parameters: {'x': 1.426328115609064, 'y': 0.27552960390844206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,467] Trial 268 finished with value: 9.184290769515863 and parameters: {'x': 2.911114512930047, 'y': 1.4790936328279773}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,468] Trial 269 finished with value: 12.106973431816996 and parameters: {'x': 1.6140806778765233, 'y': 4.834946939274982}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,468] Trial 270 finished with value: 6.055173789253882 and parameters: {'x': 0.9746733239154337, 'y': 1.7369825257280702}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,469] Trial 271 finished with value: 6.801636111260548 and parameters: {'x': 0.5200703255535455, 'y': 2.0089092623724447}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,470] Trial 272 finished with value: 8.431382325178696 and parameters: {'x': 0.46423822543645576, 'y': 2.5242190323084963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,471] Trial 273 finished with value: 9.429375698322708 and parameters: {'x': 3.712953704723704, 'y': 0.026452545846914477}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,472] Trial 274 finished with value: 3.601690824054902 and parameters: {'x': 0.45080584422510395, 'y': 0.2809199045597016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,473] Trial 275 finished with value: 13.867914662524237 and parameters: {'x': 4.421628316832168, 'y': 4.927929283264253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,473] Trial 276 finished with value: 8.12543959172015 and parameters: {'x': 2.6008734281374934, 'y': 0.9920871476639787}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,474] Trial 277 finished with value: 13.061611962615949 and parameters: {'x': 4.666741580415096, 'y': 3.2729910167106846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,475] Trial 278 finished with value: 11.43329057734574 and parameters: {'x': 3.9589587358004352, 'y': 2.556078393056895}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,476] Trial 279 finished with value: 10.536218642414656 and parameters: {'x': 3.9410594618961015, 'y': 1.6739836583743362}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,477] Trial 280 finished with value: 11.836721075355921 and parameters: {'x': 0.5662656720869486, 'y': 4.524069883514123}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,478] Trial 281 finished with value: 2.56045959627064 and parameters: {'x': 0.021119567542035034, 'y': 0.36751940303380193}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,479] Trial 282 finished with value: 11.83237063871328 and parameters: {'x': 0.6614568197768117, 'y': 4.7107495963735}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,479] Trial 283 finished with value: 6.367933259946817 and parameters: {'x': 1.514648431213112, 'y': 1.066565255901516}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,480] Trial 284 finished with value: 5.672598765407816 and parameters: {'x': 1.2783127625776287, 'y': 0.4796003339718996}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,481] Trial 285 finished with value: 10.385824371877787 and parameters: {'x': 2.0089894149954834, 'y': 3.655138201778497}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,482] Trial 286 finished with value: 9.468906639144176 and parameters: {'x': 3.2410496762079544, 'y': 1.2542279041725952}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,483] Trial 287 finished with value: 8.275616859112345 and parameters: {'x': 1.1371945697591408, 'y': 2.4790807917023434}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,484] Trial 288 finished with value: 12.332042617986879 and parameters: {'x': 4.323824833914893, 'y': 3.1703187656142324}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,484] Trial 289 finished with value: 10.616297086619696 and parameters: {'x': 3.7724623745413237, 'y': 2.1856159563386592}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,485] Trial 290 finished with value: 10.436104291698209 and parameters: {'x': 2.001060451213909, 'y': 3.6145815697262718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,486] Trial 291 finished with value: 8.794036139572007 and parameters: {'x': 1.861842897061573, 'y': 2.7629901519965023}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,487] Trial 292 finished with value: 8.543717978852516 and parameters: {'x': 0.40231808678595715, 'y': 2.97137783551767}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,488] Trial 293 finished with value: 10.720706351202566 and parameters: {'x': 1.404607334666036, 'y': 3.712237931572004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,489] Trial 294 finished with value: 10.791279999427607 and parameters: {'x': 1.4941359832634156, 'y': 3.787683420855808}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,490] Trial 295 finished with value: 3.3759630562706633 and parameters: {'x': 1.1318006900942001, 'y': 0.022038224615346658}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,490] Trial 296 finished with value: 6.328225222651152 and parameters: {'x': 0.6989014049359793, 'y': 1.4788185112007963}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,491] Trial 297 finished with value: 7.859824043178897 and parameters: {'x': 0.9779690812537833, 'y': 2.7444101892144577}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,492] Trial 298 finished with value: 9.03281296423037 and parameters: {'x': 1.0499608504502294, 'y': 3.8924608513935106}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,493] Trial 299 finished with value: 10.620615567321307 and parameters: {'x': 2.423399515211379, 'y': 3.1967019636164173}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,494] Trial 300 finished with value: 11.516797528464172 and parameters: {'x': 0.8384815371736137, 'y': 4.623413018911441}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,495] Trial 301 finished with value: 10.111886767394223 and parameters: {'x': 3.586699756816521, 'y': 0.7740680574908343}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,496] Trial 302 finished with value: 9.836637987623748 and parameters: {'x': 3.6181680290969664, 'y': 0.932049629125622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,497] Trial 303 finished with value: 9.558754652272322 and parameters: {'x': 4.148322826217383, 'y': 0.9832088166987718}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,497] Trial 304 finished with value: 12.425351652364135 and parameters: {'x': 4.806503345558579, 'y': 2.7379879240822897}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,498] Trial 305 finished with value: 4.323918901870375 and parameters: {'x': 1.114317998680301, 'y': 1.0636334525707207}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,499] Trial 306 finished with value: 10.305612608299866 and parameters: {'x': 3.1399398120322, 'y': 3.16638064574976}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,500] Trial 307 finished with value: 10.97430213769254 and parameters: {'x': 1.516395186429309, 'y': 4.081838757267333}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,501] Trial 308 finished with value: 9.870730647526344 and parameters: {'x': 2.0952835850444718, 'y': 4.069291426169951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,502] Trial 309 finished with value: 11.759512309986066 and parameters: {'x': 1.3260758528051553, 'y': 4.917127357017433}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,503] Trial 310 finished with value: 11.981160675499067 and parameters: {'x': 4.361526613299537, 'y': 2.242622946824728}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,503] Trial 311 finished with value: 5.876524131282984 and parameters: {'x': 1.676922549236917, 'y': 0.1485302699169916}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,504] Trial 312 finished with value: 13.102557317214668 and parameters: {'x': 4.954683743247883, 'y': 3.404747624152946}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,505] Trial 313 finished with value: 3.556361695609432 and parameters: {'x': 0.9457909320079672, 'y': 0.2252277474858655}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,506] Trial 314 finished with value: 8.87521749375287 and parameters: {'x': 0.0656977268124953, 'y': 3.309053083147978}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,507] Trial 315 finished with value: 6.476920544203612 and parameters: {'x': 0.5375617234826391, 'y': 1.5497881965234401}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,508] Trial 316 finished with value: 6.474013023556381 and parameters: {'x': 1.5397372414690502, 'y': 0.5873611308241922}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,509] Trial 317 finished with value: 13.685574803390994 and parameters: {'x': 4.734657103975001, 'y': 4.886952746178025}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,510] Trial 318 finished with value: 13.186159803321855 and parameters: {'x': 4.522396271343545, 'y': 3.980900747325177}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,511] Trial 319 finished with value: 10.182630143544603 and parameters: {'x': 0.32714711433914023, 'y': 3.5851931299846216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,511] Trial 320 finished with value: 7.545386493181928 and parameters: {'x': 2.2795521713986853, 'y': 0.7574185647525072}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,512] Trial 321 finished with value: 8.638261103686963 and parameters: {'x': 3.2336009756118003, 'y': 0.14617285939798774}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,513] Trial 322 finished with value: 13.291024791731683 and parameters: {'x': 3.7676043625502604, 'y': 4.448664730450772}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,514] Trial 323 finished with value: 5.694105094624511 and parameters: {'x': 0.05190019638577792, 'y': 1.6371392140332086}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,515] Trial 324 finished with value: 10.783326963098192 and parameters: {'x': 4.142455457362445, 'y': 0.5629879698020956}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,516] Trial 325 finished with value: 9.235517675024784 and parameters: {'x': 0.12347868956855801, 'y': 4.071767644361329}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,517] Trial 326 finished with value: 6.097217281302395 and parameters: {'x': 1.2445263598758256, 'y': 1.2459829781456622}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,518] Trial 327 finished with value: 5.959002451181533 and parameters: {'x': 0.7911840003011694, 'y': 1.3802797427861135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,519] Trial 328 finished with value: 7.483850239123026 and parameters: {'x': 2.14355172786834, 'y': 1.2921090270223545}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,519] Trial 329 finished with value: 7.465298730631504 and parameters: {'x': 1.8347352105276098, 'y': 1.746477966487205}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,520] Trial 330 finished with value: 7.702404747451398 and parameters: {'x': 1.66517890218663, 'y': 1.5168359888758993}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,521] Trial 331 finished with value: 7.329359741427874 and parameters: {'x': 1.575636430769551, 'y': 1.351125886959632}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,522] Trial 332 finished with value: 14.078439072449353 and parameters: {'x': 4.501473093762016, 'y': 4.834871016468915}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,523] Trial 333 finished with value: 11.805430242079208 and parameters: {'x': 4.483492736708329, 'y': 1.8663768989833134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,524] Trial 334 finished with value: 10.047661277193004 and parameters: {'x': 3.241396081360119, 'y': 1.5572090773062781}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,525] Trial 335 finished with value: 11.15966514900903 and parameters: {'x': 4.049860509608515, 'y': 4.023864483544081}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,526] Trial 336 finished with value: 10.351940922778217 and parameters: {'x': 3.9720884433516837, 'y': 0.5571758641568014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,527] Trial 337 finished with value: 11.312331656251716 and parameters: {'x': 4.057990718166497, 'y': 3.8977616929827925}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,528] Trial 338 finished with value: 12.006578213933567 and parameters: {'x': 4.425400775488195, 'y': 1.612105259116436}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,528] Trial 339 finished with value: 4.546941065900725 and parameters: {'x': 0.5358271586999214, 'y': 0.8062487863403994}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,529] Trial 340 finished with value: 12.265954484314824 and parameters: {'x': 3.3639318073143447, 'y': 3.5707494667728037}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,530] Trial 341 finished with value: 9.686972424965605 and parameters: {'x': 1.1861710149027471, 'y': 4.028586842399676}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,531] Trial 342 finished with value: 13.975807137190671 and parameters: {'x': 4.59148148699102, 'y': 4.923109231094016}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,532] Trial 343 finished with value: 12.615031694753085 and parameters: {'x': 4.985235725102164, 'y': 2.5796198033147206}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,533] Trial 344 finished with value: 10.144438364863607 and parameters: {'x': 3.5004215430859222, 'y': 0.38279387609597704}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,534] Trial 345 finished with value: 13.285695130939878 and parameters: {'x': 4.5057074837582505, 'y': 4.0679132355585885}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,536] Trial 346 finished with value: 11.478174070108826 and parameters: {'x': 1.7953085662528945, 'y': 4.878518685464871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,537] Trial 347 finished with value: 5.066670251181307 and parameters: {'x': 1.9299304849809777, 'y': 0.0810469599552216}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,537] Trial 348 finished with value: 7.725318776920252 and parameters: {'x': 0.09337227681652627, 'y': 2.7206977168107755}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,538] Trial 349 finished with value: 6.533854655052597 and parameters: {'x': 2.2157315861663758, 'y': 0.12850073723539135}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,539] Trial 350 finished with value: 7.2859343683842965 and parameters: {'x': 1.8415225727936901, 'y': 2.1016025395545164}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,540] Trial 351 finished with value: 10.684908763016509 and parameters: {'x': 2.0270198062608795, 'y': 4.990388323243462}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,541] Trial 352 finished with value: 6.960187867889932 and parameters: {'x': 0.7833768772095029, 'y': 2.184794533969097}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,542] Trial 353 finished with value: 11.914386023386182 and parameters: {'x': 1.3511632715491224, 'y': 4.844817182998316}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,543] Trial 354 finished with value: 11.293224743723567 and parameters: {'x': 2.949045207579127, 'y': 3.5209321207041686}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,544] Trial 355 finished with value: 11.743346380615318 and parameters: {'x': 3.2496833610633677, 'y': 3.7770354167726987}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,545] Trial 356 finished with value: 11.679458875312944 and parameters: {'x': 4.426571355138362, 'y': 1.2652636739771244}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,546] Trial 357 finished with value: 7.773193283576287 and parameters: {'x': 1.1399690325804452, 'y': 3.013208541388202}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,547] Trial 358 finished with value: 10.168683800840451 and parameters: {'x': 1.1808208021313833, 'y': 3.6549315019705926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,547] Trial 359 finished with value: 9.62287503614435 and parameters: {'x': 3.3199945879638477, 'y': 1.1963746011645409}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,548] Trial 360 finished with value: 6.263740157827893 and parameters: {'x': 0.9295736477647659, 'y': 1.5638785802177801}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,549] Trial 361 finished with value: 8.422765161329606 and parameters: {'x': 1.8316448318363294, 'y': 2.949533951061176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,550] Trial 362 finished with value: 10.768903724134223 and parameters: {'x': 3.796194699561968, 'y': 1.6117538913772222}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,551] Trial 363 finished with value: 10.175476140465943 and parameters: {'x': 2.510110725524435, 'y': 2.9191553264881014}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,552] Trial 364 finished with value: 10.554224493626993 and parameters: {'x': 1.3330044128659595, 'y': 3.56923322272833}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,553] Trial 365 finished with value: 10.428277943619925 and parameters: {'x': 2.2863555352433185, 'y': 3.251156861961829}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,554] Trial 366 finished with value: 9.397435687476593 and parameters: {'x': 2.513344192595443, 'y': 2.15696782708575}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,555] Trial 367 finished with value: 9.640255388206626 and parameters: {'x': 3.5888323054397455, 'y': 0.061804212855827156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,556] Trial 368 finished with value: 8.503077368268185 and parameters: {'x': 0.4014718752766372, 'y': 2.881864726744231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,557] Trial 369 finished with value: 10.89528845137693 and parameters: {'x': 4.06810858236602, 'y': 2.807681168241926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,557] Trial 370 finished with value: 7.572310130022002 and parameters: {'x': 3.017958480806348, 'y': 1.1029041260820605}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,558] Trial 371 finished with value: 11.35822683786316 and parameters: {'x': 4.597705213070565, 'y': 1.0275035020467445}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,559] Trial 372 finished with value: 10.334301783289174 and parameters: {'x': 3.441692822984785, 'y': 1.8760491085648985}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,560] Trial 373 finished with value: 9.366825163062781 and parameters: {'x': 1.0576451338911523, 'y': 4.104956711060199}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,561] Trial 374 finished with value: 10.319887087205322 and parameters: {'x': 0.572872190428042, 'y': 3.865253471404385}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,562] Trial 375 finished with value: 12.656247846838099 and parameters: {'x': 2.4153025902913856, 'y': 4.748548781570176}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,563] Trial 376 finished with value: 10.336268730046392 and parameters: {'x': 2.7485185814912407, 'y': 2.622131045851649}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,564] Trial 377 finished with value: 12.6936342764527 and parameters: {'x': 4.367924052208163, 'y': 3.23362910079036}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,565] Trial 378 finished with value: 5.688948182824891 and parameters: {'x': 1.6461538485913811, 'y': 0.05224659864543846}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,566] Trial 379 finished with value: 10.110830500819509 and parameters: {'x': 0.6854770412019723, 'y': 3.851589561924845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,567] Trial 380 finished with value: 12.273207645707943 and parameters: {'x': 4.165333083527113, 'y': 3.3233982753678104}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,567] Trial 381 finished with value: 12.484656744452234 and parameters: {'x': 2.8777810221359696, 'y': 4.542240526758478}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,568] Trial 382 finished with value: 11.425499761607393 and parameters: {'x': 3.5718757576050404, 'y': 2.4095000943864937}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,569] Trial 383 finished with value: 11.803245457094556 and parameters: {'x': 3.5369494495495686, 'y': 3.1968646099923888}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,570] Trial 384 finished with value: 9.042549452967808 and parameters: {'x': 0.12469722720175491, 'y': 4.015370361224231}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,571] Trial 385 finished with value: 10.186575518036205 and parameters: {'x': 3.731743586736484, 'y': 1.9353467643436872}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,572] Trial 386 finished with value: 7.988209696799993 and parameters: {'x': 2.9316049100820516, 'y': 1.1817841776438487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,573] Trial 387 finished with value: 11.299408930796828 and parameters: {'x': 4.943151059515143, 'y': 2.9439116523280573}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,574] Trial 388 finished with value: 10.272115300169695 and parameters: {'x': 0.9953894225731719, 'y': 4.9508387129758065}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,575] Trial 389 finished with value: 11.413230783280214 and parameters: {'x': 4.265506968629001, 'y': 1.7206051686515156}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,576] Trial 390 finished with value: 13.098549108408804 and parameters: {'x': 3.2852051919341596, 'y': 4.665301925763098}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,576] Trial 391 finished with value: 9.849913964349092 and parameters: {'x': 2.7953817518114112, 'y': 3.0855253870565784}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,577] Trial 392 finished with value: 12.292270609101232 and parameters: {'x': 2.3449460237387805, 'y': 4.974148831105845}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,578] Trial 393 finished with value: 11.315203140090853 and parameters: {'x': 4.667368546076479, 'y': 0.14127706194105194}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,579] Trial 394 finished with value: 8.40520651084406 and parameters: {'x': 2.2419646994476965, 'y': 1.6998795591296951}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,580] Trial 395 finished with value: 6.260505038728272 and parameters: {'x': 0.778811726152957, 'y': 1.478223468324038}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,581] Trial 396 finished with value: 11.472437481822912 and parameters: {'x': 3.586250970322703, 'y': 2.4350476434490167}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,582] Trial 397 finished with value: 12.235704085862338 and parameters: {'x': 1.5414894309370952, 'y': 4.599743491318141}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,583] Trial 398 finished with value: 10.519853942161596 and parameters: {'x': 3.478770004972627, 'y': 1.3835972523776308}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,584] Trial 399 finished with value: 11.915337561227599 and parameters: {'x': 3.9657694708972295, 'y': 4.993195560328999}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,585] Trial 400 finished with value: 11.320253002288661 and parameters: {'x': 3.521502151128004, 'y': 2.374145628966899}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,586] Trial 401 finished with value: 11.29090329121093 and parameters: {'x': 3.977316749198101, 'y': 2.6625305621987865}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,587] Trial 402 finished with value: 11.875663331991058 and parameters: {'x': 2.873164558462395, 'y': 4.831149901117671}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,587] Trial 403 finished with value: 12.175443931137195 and parameters: {'x': 4.713437402146087, 'y': 2.946326447389634}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,588] Trial 404 finished with value: 8.300926935758039 and parameters: {'x': 1.147792118520532, 'y': 2.4767743459617138}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,589] Trial 405 finished with value: 8.196354605338419 and parameters: {'x': 2.178274914321877, 'y': 1.6548526008809084}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,590] Trial 406 finished with value: 8.732343943691152 and parameters: {'x': 3.018750335116476, 'y': 0.4734319073153487}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,591] Trial 407 finished with value: 11.831532846162496 and parameters: {'x': 0.5787878859449158, 'y': 4.848441660674134}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,592] Trial 408 finished with value: 11.467460198669075 and parameters: {'x': 4.7644736377631, 'y': 1.9000070726471474}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,593] Trial 409 finished with value: 13.241272533641627 and parameters: {'x': 4.937879774226172, 'y': 3.5911532254609426}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,594] Trial 410 finished with value: 12.199229033452848 and parameters: {'x': 4.621158542946111, 'y': 1.659022406354706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,594] Trial 411 finished with value: 11.274497517651321 and parameters: {'x': 4.213027646130707, 'y': 3.024612028996253}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,596] Trial 412 finished with value: 11.011320355706633 and parameters: {'x': 4.209069911893718, 'y': 0.4391846452987075}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,597] Trial 413 finished with value: 7.835987772707956 and parameters: {'x': 1.7524743073911475, 'y': 2.1459799105722226}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,598] Trial 414 finished with value: 9.801001789392005 and parameters: {'x': 4.0132414178067455, 'y': 1.2103487743058405}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,599] Trial 415 finished with value: 4.897269335440885 and parameters: {'x': 0.016661386459545513, 'y': 1.9432817255369261}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,600] Trial 416 finished with value: 11.680835279899052 and parameters: {'x': 4.607965659748283, 'y': 0.763119379038707}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,601] Trial 417 finished with value: 13.246856664211204 and parameters: {'x': 3.749972298117215, 'y': 4.7374180952583425}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,602] Trial 418 finished with value: 5.387323888817008 and parameters: {'x': 1.253885077828284, 'y': 0.787196297398004}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,603] Trial 419 finished with value: 7.624139513333427 and parameters: {'x': 1.7152766785823403, 'y': 1.461602709177967}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,604] Trial 420 finished with value: 8.601597924364475 and parameters: {'x': 1.3520658837907396, 'y': 2.372438113797351}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,605] Trial 421 finished with value: 7.379291585291298 and parameters: {'x': 2.7930189821136464, 'y': 0.031737380005553706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,606] Trial 422 finished with value: 10.891688058409025 and parameters: {'x': 4.217288485526173, 'y': 0.6801696396168871}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,607] Trial 423 finished with value: 10.299411814439988 and parameters: {'x': 3.8122101873765697, 'y': 0.41218452352049795}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,608] Trial 424 finished with value: 10.208464294714064 and parameters: {'x': 3.81880576682492, 'y': 1.8169659683865675}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,608] Trial 425 finished with value: 10.028817047410373 and parameters: {'x': 1.2087293105524348, 'y': 3.793127415195745}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,609] Trial 426 finished with value: 7.261182866121507 and parameters: {'x': 0.2790957476830819, 'y': 2.2438680755679603}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,610] Trial 427 finished with value: 14.24707476875786 and parameters: {'x': 4.504128191663766, 'y': 4.536426179394706}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,611] Trial 428 finished with value: 11.53130854114426 and parameters: {'x': 2.34440646591819, 'y': 4.155224828254459}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,612] Trial 429 finished with value: 10.035148728001966 and parameters: {'x': 3.339457159272726, 'y': 1.3085702530437353}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,613] Trial 430 finished with value: 12.00190998770292 and parameters: {'x': 1.7877920284854298, 'y': 4.638094994544125}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,614] Trial 431 finished with value: 14.01538390195471 and parameters: {'x': 4.410506190386242, 'y': 4.788139963768522}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,615] Trial 432 finished with value: 4.666091133704892 and parameters: {'x': 1.1059764324677757, 'y': 0.7542856870743286}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,616] Trial 433 finished with value: 8.142015730690124 and parameters: {'x': 0.6161159090355595, 'y': 2.3898397730907184}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,617] Trial 434 finished with value: 11.879730726613051 and parameters: {'x': 1.2871110125996195, 'y': 4.732209161219746}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,618] Trial 435 finished with value: 11.50770167045246 and parameters: {'x': 2.4547123105592443, 'y': 3.6044560976192708}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,619] Trial 436 finished with value: 11.39469182989561 and parameters: {'x': 4.981161330369753, 'y': 2.1766888161941926}. Best is trial 250 with value: 1.0107616991357382.\n[I 2023-11-01 05:28:28,619] Trial 437 finished with value: 0.7804106054859936 and parameters: {'x': 0.10732164140456302, 'y': 0.07550790294400644}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,620] Trial 438 finished with value: 10.429537583216518 and parameters: {'x': 2.3584819107069817, 'y': 3.190198197830021}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,621] Trial 439 finished with value: 4.96540431517192 and parameters: {'x': 0.5277377187120708, 'y': 1.0982878491684678}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,622] Trial 440 finished with value: 12.51959837127892 and parameters: {'x': 3.6746873579644275, 'y': 3.5656393265313238}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,623] Trial 441 finished with value: 13.310419785020215 and parameters: {'x': 4.801937205804211, 'y': 3.656659960854932}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,624] Trial 442 finished with value: 11.149675940912598 and parameters: {'x': 4.200232100305174, 'y': 2.9712838594594713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,625] Trial 443 finished with value: 12.343066204190144 and parameters: {'x': 3.4099618227374546, 'y': 3.554075909742147}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,626] Trial 444 finished with value: 5.6759505823925345 and parameters: {'x': 0.8780434126462405, 'y': 1.9094461322518268}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,627] Trial 445 finished with value: 6.607630149326052 and parameters: {'x': 1.9938793894736069, 'y': 1.935711389319521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,628] Trial 446 finished with value: 6.00431305323762 and parameters: {'x': 0.9366003382596688, 'y': 2.1169233194543096}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,628] Trial 447 finished with value: 13.027263446057466 and parameters: {'x': 3.689892011332293, 'y': 4.950600642632251}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,630] Trial 448 finished with value: 11.06575203582668 and parameters: {'x': 0.3441815521175967, 'y': 4.262229256565206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,630] Trial 449 finished with value: 11.233300822016634 and parameters: {'x': 3.9237478347273207, 'y': 2.3966823952125753}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,631] Trial 450 finished with value: 8.935380249107924 and parameters: {'x': 1.4876991240229658, 'y': 2.4164676051324174}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,632] Trial 451 finished with value: 11.741073301615504 and parameters: {'x': 1.9644552766060486, 'y': 4.498472398791405}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,633] Trial 452 finished with value: 6.082732869229478 and parameters: {'x': 1.400062597877147, 'y': 0.47308219360903625}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,634] Trial 453 finished with value: 8.122986607956738 and parameters: {'x': 2.5225478308799607, 'y': 0.8888340113786181}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,635] Trial 454 finished with value: 10.02573892634024 and parameters: {'x': 1.1571208454981974, 'y': 3.4887523537576577}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,638] Trial 455 finished with value: 14.122725695817879 and parameters: {'x': 4.425953927746668, 'y': 4.4820875653525025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,639] Trial 456 finished with value: 11.12488185820932 and parameters: {'x': 4.034092789320193, 'y': 3.9351871317284477}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,640] Trial 457 finished with value: 10.822916013291252 and parameters: {'x': 4.057685738995707, 'y': 1.6228102359843521}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,641] Trial 458 finished with value: 7.799678963438955 and parameters: {'x': 3.104179792814024, 'y': 0.9079559307976542}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,642] Trial 459 finished with value: 13.558071660350077 and parameters: {'x': 4.263230292643333, 'y': 4.789186109978953}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,643] Trial 460 finished with value: 5.379273068061256 and parameters: {'x': 1.2629667463169851, 'y': 0.3471682486006089}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,643] Trial 461 finished with value: 13.503353859353549 and parameters: {'x': 3.6472602799256286, 'y': 4.585275919341306}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,644] Trial 462 finished with value: 9.95189832119296 and parameters: {'x': 4.217291323814577, 'y': 0.06534306686574565}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,645] Trial 463 finished with value: 7.316189589089076 and parameters: {'x': 2.1544055069289936, 'y': 1.977017966150556}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,646] Trial 464 finished with value: 6.837266790743383 and parameters: {'x': 2.107062124054001, 'y': 0.7011774809488025}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,647] Trial 465 finished with value: 12.326391259520475 and parameters: {'x': 3.8061924650999472, 'y': 3.4622914922425165}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,648] Trial 466 finished with value: 12.438153329094177 and parameters: {'x': 3.059137452812551, 'y': 4.644550575118717}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,649] Trial 467 finished with value: 10.795756609067213 and parameters: {'x': 3.5770919128123864, 'y': 1.6153670832663791}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,650] Trial 468 finished with value: 12.976661440518908 and parameters: {'x': 4.080223600535277, 'y': 4.7351518146604885}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,651] Trial 469 finished with value: 8.31533623510785 and parameters: {'x': 0.8067232894823856, 'y': 2.6448926126752745}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,652] Trial 470 finished with value: 10.129849179817505 and parameters: {'x': 3.8967028438943183, 'y': 1.7891317967768172}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,652] Trial 471 finished with value: 10.495601334816916 and parameters: {'x': 1.843470804737017, 'y': 3.5058645128464376}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,653] Trial 472 finished with value: 10.088792482724358 and parameters: {'x': 2.7654320858351027, 'y': 3.113727970345309}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,654] Trial 473 finished with value: 8.489489614352319 and parameters: {'x': 1.0263837170960788, 'y': 3.215932794062375}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,656] Trial 474 finished with value: 10.997502590623936 and parameters: {'x': 2.4805922066317883, 'y': 3.284689230485689}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,657] Trial 475 finished with value: 6.291712557698734 and parameters: {'x': 1.4650440056970793, 'y': 0.7063166537840632}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,658] Trial 476 finished with value: 10.93523004668661 and parameters: {'x': 4.183730895251133, 'y': 0.5658401958833559}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,659] Trial 477 finished with value: 7.850438094434846 and parameters: {'x': 0.5599168274764549, 'y': 2.2945630290077066}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,660] Trial 478 finished with value: 11.627074996182836 and parameters: {'x': 2.074821999819689, 'y': 4.727132686901395}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,660] Trial 479 finished with value: 7.797052693640023 and parameters: {'x': 2.060681641475947, 'y': 1.629046569019739}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,661] Trial 480 finished with value: 7.032253172863296 and parameters: {'x': 1.6073255276032867, 'y': 1.246078044226684}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,662] Trial 481 finished with value: 9.717309651594512 and parameters: {'x': 3.694629393054078, 'y': 0.1452253478402482}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,663] Trial 482 finished with value: 9.28452105239339 and parameters: {'x': 3.2417304714517914, 'y': 0.32514601807110965}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,664] Trial 483 finished with value: 5.315871409227775 and parameters: {'x': 1.200964624897748, 'y': 0.4522330920560269}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,665] Trial 484 finished with value: 9.440968128035568 and parameters: {'x': 3.8048243910578416, 'y': 1.0766348745679348}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,666] Trial 485 finished with value: 11.128758047393772 and parameters: {'x': 3.4025495977679103, 'y': 2.3743371466036587}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,667] Trial 486 finished with value: 11.606968638275713 and parameters: {'x': 4.654079612466723, 'y': 0.7898450946089941}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,668] Trial 487 finished with value: 8.164509127866584 and parameters: {'x': 2.4061686085964666, 'y': 0.45546552540126295}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,669] Trial 488 finished with value: 4.215593111143367 and parameters: {'x': 0.8822884373740586, 'y': 0.3681398348093584}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,670] Trial 489 finished with value: 10.402055248667342 and parameters: {'x': 1.7199664697902828, 'y': 3.3849639252179493}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,670] Trial 490 finished with value: 7.395006822537743 and parameters: {'x': 1.3881946345175273, 'y': 1.5523358451185554}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,671] Trial 491 finished with value: 6.0595150997035425 and parameters: {'x': 0.2723050025800139, 'y': 1.5129130477433206}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,672] Trial 492 finished with value: 11.838682067772567 and parameters: {'x': 4.276207744351974, 'y': 2.83923223769671}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,673] Trial 493 finished with value: 13.278499721884376 and parameters: {'x': 4.85037561346188, 'y': 3.4596523068267637}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,674] Trial 494 finished with value: 4.549486920521389 and parameters: {'x': 0.6634885345608066, 'y': 0.8018360929305579}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,675] Trial 495 finished with value: 5.690223476399435 and parameters: {'x': 1.9547778130093625, 'y': 0.864218941932488}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,676] Trial 496 finished with value: 3.8395917237234833 and parameters: {'x': 0.13501540166023784, 'y': 1.1454565746303713}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,677] Trial 497 finished with value: 9.06181195713635 and parameters: {'x': 2.0097930888484257, 'y': 2.5779436380218317}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,678] Trial 498 finished with value: 4.141706705777526 and parameters: {'x': 1.050766261540541, 'y': 0.8255628900432621}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,679] Trial 499 finished with value: 10.11695865881527 and parameters: {'x': 3.4497399262396455, 'y': 0.47594639104199365}. Best is trial 437 with value: 0.7804106054859936.\n[I 2023-11-01 05:28:28,679] A new study created in memory with name: x=[0,4), y=[0,4)\n[I 2023-11-01 05:28:28,680] Trial 0 finished with value: 9.859778541798656 and parameters: {'x': 1.3933196794073037, 'y': 3.2358514401958347}. Best is trial 0 with value: 9.859778541798656.\n[I 2023-11-01 05:28:28,681] Trial 1 finished with value: 9.039593212528152 and parameters: {'x': 1.838548751301699, 'y': 2.504497219276703}. Best is trial 1 with value: 9.039593212528152.\n[I 2023-11-01 05:28:28,681] Trial 2 finished with value: 4.244161659801236 and parameters: {'x': 0.8145873234061498, 'y': 0.37470161910149224}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,682] Trial 3 finished with value: 10.707175702169542 and parameters: {'x': 3.902103869064555, 'y': 1.4693753133410787}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,683] Trial 4 finished with value: 7.299292877283396 and parameters: {'x': 2.305135871772639, 'y': 0.9837282718184688}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,684] Trial 5 finished with value: 10.680969952713568 and parameters: {'x': 3.96983477897882, 'y': 2.265084513109098}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,685] Trial 6 finished with value: 10.534469944310851 and parameters: {'x': 2.0671457821091552, 'y': 3.5257358718900864}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,686] Trial 7 finished with value: 6.984222753302996 and parameters: {'x': 0.04765358251977991, 'y': 2.92097283880608}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,686] Trial 8 finished with value: 8.822231479320317 and parameters: {'x': 1.2751187315175243, 'y': 2.600010316693418}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,687] Trial 9 finished with value: 10.098013003294861 and parameters: {'x': 3.30128843589085, 'y': 1.7369520482245924}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,688] Trial 10 finished with value: 6.590857000246849 and parameters: {'x': 0.6273547556415009, 'y': 1.9094396171974033}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,689] Trial 11 finished with value: 5.529780090813791 and parameters: {'x': 1.3200314988592186, 'y': 0.9621656302946389}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,690] Trial 12 finished with value: 7.964652132745382 and parameters: {'x': 2.431829240381084, 'y': 0.8558984720330014}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,691] Trial 13 finished with value: 7.2060689475395385 and parameters: {'x': 1.9347330117135004, 'y': 1.7763143086502295}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,691] Trial 14 finished with value: 7.38790703558322 and parameters: {'x': 1.4591918094157488, 'y': 1.4523362557690818}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,692] Trial 15 finished with value: 6.166968985628692 and parameters: {'x': 0.8561980303273447, 'y': 1.472478142941779}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,693] Trial 16 finished with value: 8.558532033087145 and parameters: {'x': 0.6168391828672339, 'y': 2.836747068751847}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,694] Trial 17 finished with value: 9.338342614865656 and parameters: {'x': 3.298276896472674, 'y': 1.1440750956569046}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,695] Trial 18 finished with value: 11.10649259399895 and parameters: {'x': 2.8214730316745245, 'y': 3.7744207192919066}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,696] Trial 19 finished with value: 6.7236981165918905 and parameters: {'x': 0.5425632260332911, 'y': 1.9664808329550993}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,697] Trial 20 finished with value: 9.197320562025435 and parameters: {'x': 2.6301945639685935, 'y': 2.0897056077133547}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,697] Trial 21 finished with value: 6.564082939358261 and parameters: {'x': 0.5216182433451544, 'y': 1.6125483245888965}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,698] Trial 22 finished with value: 7.760458384259243 and parameters: {'x': 1.649580915829942, 'y': 1.7232746235781753}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,699] Trial 23 finished with value: 4.692281434608283 and parameters: {'x': 0.4763457596546661, 'y': 1.0318764322136516}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,700] Trial 24 finished with value: 10.457106146198148 and parameters: {'x': 1.884117526823101, 'y': 3.515186937291592}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,701] Trial 25 finished with value: 10.28898955389791 and parameters: {'x': 3.1158246006173047, 'y': 3.1838538522785744}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,702] Trial 26 finished with value: 9.331292201439751 and parameters: {'x': 0.017672354936568713, 'y': 3.4211695299212206}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,702] Trial 27 finished with value: 10.060005028037963 and parameters: {'x': 0.786957066684185, 'y': 3.6852471668044555}. Best is trial 2 with value: 4.244161659801236.\n[I 2023-11-01 05:28:28,703] Trial 28 finished with value: 3.964292399208695 and parameters: {'x': 0.46295550697412713, 'y': 0.39938900035022407}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,704] Trial 29 finished with value: 10.269990858462307 and parameters: {'x': 1.65981265679325, 'y': 3.320513303194814}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,705] Trial 30 finished with value: 11.268039501438045 and parameters: {'x': 2.633330398842245, 'y': 3.362248171171207}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,706] Trial 31 finished with value: 5.396934020251162 and parameters: {'x': 1.1949167255641462, 'y': 1.1654157413744377}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,707] Trial 32 finished with value: 9.829000907142534 and parameters: {'x': 0.8784560741266598, 'y': 3.4924433376133783}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,708] Trial 33 finished with value: 10.369946123204146 and parameters: {'x': 3.9701276532663954, 'y': 0.4997243304279091}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,708] Trial 34 finished with value: 7.682115993810168 and parameters: {'x': 2.0668884599462567, 'y': 1.4241440362775037}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,709] Trial 35 finished with value: 11.752399043322077 and parameters: {'x': 3.1788488466327007, 'y': 3.5497268271566926}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,710] Trial 36 finished with value: 12.226827133986625 and parameters: {'x': 3.4516564162177263, 'y': 3.4014755174992803}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,711] Trial 37 finished with value: 9.001126604354294 and parameters: {'x': 1.7287436729282057, 'y': 3.039231370839761}. Best is trial 28 with value: 3.964292399208695.\n[I 2023-11-01 05:28:28,712] Trial 38 finished with value: 3.7033385075458476 and parameters: {'x': 0.2408286872302634, 'y': 0.9882472155647375}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,713] Trial 39 finished with value: 7.816144951505883 and parameters: {'x': 2.38247805165682, 'y': 1.0733449299813174}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,713] Trial 40 finished with value: 11.480525241689845 and parameters: {'x': 3.75901341027312, 'y': 2.453615193920154}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,714] Trial 41 finished with value: 12.202111886720926 and parameters: {'x': 3.7450474278361403, 'y': 3.7846922598231063}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,715] Trial 42 finished with value: 11.405793594949529 and parameters: {'x': 2.403226350502876, 'y': 3.745084760723254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,716] Trial 43 finished with value: 5.750984516139752 and parameters: {'x': 1.781549861697862, 'y': 0.16127595645851578}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,717] Trial 44 finished with value: 5.54345653122553 and parameters: {'x': 0.2172688339262261, 'y': 1.3822698988079365}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,718] Trial 45 finished with value: 10.060905765872992 and parameters: {'x': 0.7979283545488918, 'y': 3.5741214978277833}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,719] Trial 46 finished with value: 6.959205036747614 and parameters: {'x': 0.5164581753461488, 'y': 2.0663302791013227}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,719] Trial 47 finished with value: 11.03616182271487 and parameters: {'x': 3.9480950365448084, 'y': 3.96645174529096}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,720] Trial 48 finished with value: 6.614950609692865 and parameters: {'x': 0.6310986798933471, 'y': 1.6589654222068524}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,721] Trial 49 finished with value: 9.175626846648905 and parameters: {'x': 2.745981291764348, 'y': 1.4264809557268383}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,722] Trial 50 finished with value: 8.515399997037537 and parameters: {'x': 2.6274468517453085, 'y': 0.6861219767706412}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,723] Trial 51 finished with value: 5.435487475041612 and parameters: {'x': 1.9397491625683356, 'y': 1.0202429416259573}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,724] Trial 52 finished with value: 9.745806897619802 and parameters: {'x': 3.430168293505469, 'y': 0.2317638687174539}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,724] Trial 53 finished with value: 9.752071545230551 and parameters: {'x': 2.7855338170640893, 'y': 3.043792727489718}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,725] Trial 54 finished with value: 4.4704695077871826 and parameters: {'x': 0.5271026419422009, 'y': 0.6223072245090484}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,726] Trial 55 finished with value: 12.03918283506897 and parameters: {'x': 3.2704636918929406, 'y': 3.5829796005976884}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,727] Trial 56 finished with value: 10.18696347807152 and parameters: {'x': 3.9278091591189184, 'y': 2.9741530786699166}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,728] Trial 57 finished with value: 7.556126379464672 and parameters: {'x': 3.0881791182582132, 'y': 0.9834557500733685}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,729] Trial 58 finished with value: 9.185903992885615 and parameters: {'x': 3.3688244164395478, 'y': 0.07370278788612072}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,729] Trial 59 finished with value: 6.280576366644379 and parameters: {'x': 0.5731961180739842, 'y': 1.450687583583008}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,730] Trial 60 finished with value: 7.742064083775642 and parameters: {'x': 1.5656204313309159, 'y': 1.7387483442563485}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,731] Trial 61 finished with value: 11.132968842390083 and parameters: {'x': 3.39312495501294, 'y': 2.843245434223765}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,732] Trial 62 finished with value: 8.567754039160308 and parameters: {'x': 1.8015413117258299, 'y': 2.944191104585469}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,733] Trial 63 finished with value: 4.832743885161232 and parameters: {'x': 0.4465773656006653, 'y': 1.0891525830804647}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,734] Trial 64 finished with value: 11.104507548957141 and parameters: {'x': 2.8701212402413727, 'y': 3.733795236099265}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,734] Trial 65 finished with value: 7.40615921330866 and parameters: {'x': 2.3241082704852536, 'y': 0.9776882221678127}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,735] Trial 66 finished with value: 11.505979204998482 and parameters: {'x': 2.737406586939625, 'y': 3.6572814342341977}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,736] Trial 67 finished with value: 6.534579593040267 and parameters: {'x': 1.2195404608268183, 'y': 1.9017797211719087}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,737] Trial 68 finished with value: 9.930908552455072 and parameters: {'x': 0.5560221319737524, 'y': 3.3681618420035133}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,738] Trial 69 finished with value: 6.901786099055903 and parameters: {'x': 2.272307748983125, 'y': 0.12754687071613713}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,739] Trial 70 finished with value: 9.998882920157838 and parameters: {'x': 0.7698589318554725, 'y': 3.7592329794195254}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,740] Trial 71 finished with value: 7.919037470960159 and parameters: {'x': 2.600456136224802, 'y': 0.12119274231295663}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,740] Trial 72 finished with value: 9.62924260549343 and parameters: {'x': 3.5723994726880854, 'y': 0.054357180230217406}. Best is trial 38 with value: 3.7033385075458476.\n[I 2023-11-01 05:28:28,741] Trial 73 finished with value: 0.2151968790881824 and parameters: {'x': 0.04884273066499656, 'y': 0.016513827190637542}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,743] Trial 74 finished with value: 5.876716919840415 and parameters: {'x': 0.1695058988291449, 'y': 1.5451156431523292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,744] Trial 75 finished with value: 6.50152632645646 and parameters: {'x': 1.253513702284081, 'y': 1.3314201920039643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,745] Trial 76 finished with value: 10.073728693626201 and parameters: {'x': 1.790940909549009, 'y': 3.9306183079192376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,746] Trial 77 finished with value: 11.592961833859302 and parameters: {'x': 3.3382684898030006, 'y': 3.247600734696528}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,747] Trial 78 finished with value: 8.524339728788682 and parameters: {'x': 2.7939800283677414, 'y': 1.9465730742746103}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,748] Trial 79 finished with value: 6.810148362488738 and parameters: {'x': 2.250517079552346, 'y': 0.1412007733389138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,749] Trial 80 finished with value: 4.578449067293313 and parameters: {'x': 0.9513282606596039, 'y': 0.5176395568530854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,750] Trial 81 finished with value: 8.03611178521659 and parameters: {'x': 2.7495574802101426, 'y': 0.8605322444674512}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,751] Trial 82 finished with value: 9.0484191526951 and parameters: {'x': 3.302135926381046, 'y': 0.9473176516728192}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,752] Trial 83 finished with value: 12.120266358270943 and parameters: {'x': 3.6739792951218915, 'y': 3.934808570119411}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,753] Trial 84 finished with value: 10.402439856923305 and parameters: {'x': 1.9698964088020623, 'y': 3.506429165248168}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,754] Trial 85 finished with value: 4.160126567431099 and parameters: {'x': 0.7989548719069344, 'y': 0.3462904341027335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,755] Trial 86 finished with value: 8.553032648925823 and parameters: {'x': 2.9162754648283156, 'y': 0.42806181200585414}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,756] Trial 87 finished with value: 10.608490346655685 and parameters: {'x': 3.2532379182350595, 'y': 3.0910275017250406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,757] Trial 88 finished with value: 3.7015802211423185 and parameters: {'x': 0.2322645623258115, 'y': 0.5625554562742372}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,758] Trial 89 finished with value: 9.191385997850857 and parameters: {'x': 2.547976011875257, 'y': 1.516626324984331}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,759] Trial 90 finished with value: 6.442237775568518 and parameters: {'x': 1.1361400624445248, 'y': 1.4499627343902555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,760] Trial 91 finished with value: 10.0445479409038 and parameters: {'x': 1.1371007311701828, 'y': 3.5410274711784107}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,761] Trial 92 finished with value: 10.977920512951362 and parameters: {'x': 3.757065188327247, 'y': 2.8931772973556926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,762] Trial 93 finished with value: 8.235795283382567 and parameters: {'x': 2.082113472254048, 'y': 2.9454209884361773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,763] Trial 94 finished with value: 9.93034334231159 and parameters: {'x': 3.464529351420215, 'y': 0.28253052622114705}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,763] Trial 95 finished with value: 4.12794561810944 and parameters: {'x': 0.4961925387838706, 'y': 0.44012286036116954}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,764] Trial 96 finished with value: 9.770704684742935 and parameters: {'x': 0.9230872571633748, 'y': 3.490669945563004}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,765] Trial 97 finished with value: 8.019703025801185 and parameters: {'x': 3.1355638961169685, 'y': 1.0714067782110388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,766] Trial 98 finished with value: 10.506967336266714 and parameters: {'x': 3.0207104304758863, 'y': 3.849499571070234}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,767] Trial 99 finished with value: 9.769323851016116 and parameters: {'x': 2.924175184757402, 'y': 2.3448622903364957}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,768] Trial 100 finished with value: 8.640166243405007 and parameters: {'x': 2.7226932337739216, 'y': 0.4994786053724156}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,769] Trial 101 finished with value: 10.089444683751838 and parameters: {'x': 3.871491069827993, 'y': 0.33848581827426116}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,770] Trial 102 finished with value: 8.186227648748062 and parameters: {'x': 1.2200983012467015, 'y': 2.360577004611718}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,771] Trial 103 finished with value: 8.06051983142751 and parameters: {'x': 2.4520107245963514, 'y': 0.8297937319854545}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,772] Trial 104 finished with value: 8.386680858343565 and parameters: {'x': 0.3249375577272491, 'y': 2.6079869824945696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,773] Trial 105 finished with value: 7.348582073690469 and parameters: {'x': 1.067582975461931, 'y': 2.9485118438811426}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,774] Trial 106 finished with value: 6.205295019163518 and parameters: {'x': 2.06997945847861, 'y': 0.8137554383860333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,775] Trial 107 finished with value: 10.986137556963685 and parameters: {'x': 3.5765675535466497, 'y': 2.2201968827903356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,776] Trial 108 finished with value: 11.476111653910753 and parameters: {'x': 3.6031268809452617, 'y': 2.4312641887005704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,777] Trial 109 finished with value: 7.3944165656711185 and parameters: {'x': 2.8733924329055345, 'y': 1.0206703053627808}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,778] Trial 110 finished with value: 8.139625158792638 and parameters: {'x': 2.820147250520451, 'y': 1.1666515616728446}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,779] Trial 111 finished with value: 4.933785005094766 and parameters: {'x': 1.9178777080752796, 'y': 0.021013293830758784}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,780] Trial 112 finished with value: 5.624930891218909 and parameters: {'x': 1.4332515629066673, 'y': 0.17797717789785095}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,781] Trial 113 finished with value: 6.094411408044536 and parameters: {'x': 0.8831892500246643, 'y': 1.7561596489534015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,782] Trial 114 finished with value: 10.350248108508522 and parameters: {'x': 0.5621434508607988, 'y': 3.8269720325807453}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,783] Trial 115 finished with value: 4.446371638664033 and parameters: {'x': 1.0795604822820097, 'y': 0.7805852288782855}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,784] Trial 116 finished with value: 11.379784239135127 and parameters: {'x': 3.635131315146991, 'y': 2.829311753826587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,785] Trial 117 finished with value: 9.874730007709653 and parameters: {'x': 3.4682953737404696, 'y': 0.8220673834864538}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,786] Trial 118 finished with value: 9.807764019725601 and parameters: {'x': 0.9494737467704817, 'y': 3.530087053993743}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,787] Trial 119 finished with value: 11.410294712002278 and parameters: {'x': 3.9871173808297056, 'y': 3.842963180939406}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,788] Trial 120 finished with value: 7.719275347795678 and parameters: {'x': 2.0065123631697337, 'y': 1.5455205599702864}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,789] Trial 121 finished with value: 9.277457289195318 and parameters: {'x': 1.6182801213473015, 'y': 3.027341246168199}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,790] Trial 122 finished with value: 7.763855358987204 and parameters: {'x': 0.9363421887709489, 'y': 3.111505973359827}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,791] Trial 123 finished with value: 9.110185341215733 and parameters: {'x': 2.5624184237197096, 'y': 1.8247744584254226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,792] Trial 124 finished with value: 6.528727778503942 and parameters: {'x': 0.40511538340101305, 'y': 1.8765124216775555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,793] Trial 125 finished with value: 12.364248094899766 and parameters: {'x': 3.7277047674793513, 'y': 3.7247168959501478}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,794] Trial 126 finished with value: 11.011311935244251 and parameters: {'x': 2.3685755137917592, 'y': 3.3575240438917673}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,795] Trial 127 finished with value: 7.258172960937385 and parameters: {'x': 1.2317497913178186, 'y': 2.159008680800039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,796] Trial 128 finished with value: 7.430708868599407 and parameters: {'x': 2.3883691403099236, 'y': 0.09910389553271326}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,797] Trial 129 finished with value: 4.377886023640851 and parameters: {'x': 0.7326561110324659, 'y': 0.4290136452924571}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,798] Trial 130 finished with value: 9.679292695512402 and parameters: {'x': 3.7296188437089395, 'y': 0.15512078425954456}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,798] Trial 131 finished with value: 8.925525251448645 and parameters: {'x': 3.9106045264751623, 'y': 0.9588186728514732}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,799] Trial 132 finished with value: 6.6398318289712215 and parameters: {'x': 0.48236236064767146, 'y': 1.7600763848392056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,800] Trial 133 finished with value: 9.293731400441033 and parameters: {'x': 3.128480998346366, 'y': 1.7400833037468666}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,801] Trial 134 finished with value: 9.874323707396623 and parameters: {'x': 3.484209234756394, 'y': 1.0985066631040374}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,802] Trial 135 finished with value: 8.631833679924338 and parameters: {'x': 1.8948794514066605, 'y': 3.117613250216388}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,803] Trial 136 finished with value: 10.275675796090006 and parameters: {'x': 3.3991273948311873, 'y': 1.8340578173776851}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,804] Trial 137 finished with value: 10.359721880073934 and parameters: {'x': 2.6267802049016957, 'y': 3.085700377707863}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,805] Trial 138 finished with value: 8.210833865250711 and parameters: {'x': 2.516363850598352, 'y': 0.8196266205695761}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,806] Trial 139 finished with value: 12.022924135876615 and parameters: {'x': 3.389095679740186, 'y': 3.3529398437885245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,807] Trial 140 finished with value: 9.304331326398993 and parameters: {'x': 1.642346402818133, 'y': 2.651197454795302}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,808] Trial 141 finished with value: 8.686674607755023 and parameters: {'x': 1.7089786565719036, 'y': 2.316092187475462}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,809] Trial 142 finished with value: 6.997240891390188 and parameters: {'x': 2.0776459027142766, 'y': 0.5371464989205403}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,810] Trial 143 finished with value: 9.576903304434243 and parameters: {'x': 3.7642216964945523, 'y': 0.9019122546912715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,811] Trial 144 finished with value: 9.803241032909828 and parameters: {'x': 3.5326499741645327, 'y': 0.9714572510032968}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,812] Trial 145 finished with value: 7.8071162529029365 and parameters: {'x': 0.9530674923667211, 'y': 2.7634909126453584}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,813] Trial 146 finished with value: 10.075231814652724 and parameters: {'x': 3.48441276263407, 'y': 0.7180431183628277}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,814] Trial 147 finished with value: 6.375922180024251 and parameters: {'x': 1.8046886318843813, 'y': 0.7459821381585212}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,814] Trial 148 finished with value: 9.413608486585655 and parameters: {'x': 3.933916726426555, 'y': 1.9585479049450258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,815] Trial 149 finished with value: 10.28412430704962 and parameters: {'x': 3.3148229892276877, 'y': 1.535581323171066}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,816] Trial 150 finished with value: 4.350627454821726 and parameters: {'x': 0.21250281775814894, 'y': 1.1646549470884318}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,817] Trial 151 finished with value: 9.291214543796979 and parameters: {'x': 3.767119014514924, 'y': 0.05554223443280559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,818] Trial 152 finished with value: 11.262615388974723 and parameters: {'x': 2.6782951778417865, 'y': 3.9068321042955114}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,819] Trial 153 finished with value: 7.037404672005643 and parameters: {'x': 1.5623448927156396, 'y': 1.2560764485773763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,820] Trial 154 finished with value: 6.290638213631119 and parameters: {'x': 0.9897733601874057, 'y': 1.578485331567916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,821] Trial 155 finished with value: 5.736349520417626 and parameters: {'x': 0.625380744133333, 'y': 1.2821182192654983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,822] Trial 156 finished with value: 6.766715854131045 and parameters: {'x': 2.027214829584737, 'y': 1.8991490484783213}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,823] Trial 157 finished with value: 10.87770316730678 and parameters: {'x': 2.4079485621216716, 'y': 3.282445457145102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,824] Trial 158 finished with value: 10.035889093507278 and parameters: {'x': 1.2347496820084465, 'y': 3.842653042199124}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,825] Trial 159 finished with value: 10.304801724231645 and parameters: {'x': 0.6662920601396958, 'y': 3.6561413772209934}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,826] Trial 160 finished with value: 7.637435938861136 and parameters: {'x': 1.9853065750934986, 'y': 1.4879383070697996}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,827] Trial 161 finished with value: 6.8235965706121124 and parameters: {'x': 1.4821404923034507, 'y': 1.2254013635508776}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,828] Trial 162 finished with value: 5.601998291743918 and parameters: {'x': 1.6890528206784348, 'y': 0.011438891268208184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,828] Trial 163 finished with value: 2.849084346027542 and parameters: {'x': 0.06295370518636378, 'y': 1.031830480408582}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,829] Trial 164 finished with value: 6.399098494880953 and parameters: {'x': 2.0751471528509584, 'y': 0.7772473107038773}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,830] Trial 165 finished with value: 8.392320801794583 and parameters: {'x': 1.9414122925975796, 'y': 2.320254719400466}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,831] Trial 166 finished with value: 10.243672123912138 and parameters: {'x': 2.374158598267379, 'y': 3.127409484267983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,832] Trial 167 finished with value: 10.239794754974406 and parameters: {'x': 2.4530394334748618, 'y': 2.597858884115015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,833] Trial 168 finished with value: 8.664885822736856 and parameters: {'x': 2.3260047004211732, 'y': 1.4595369973445482}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,834] Trial 169 finished with value: 8.313484934031424 and parameters: {'x': 0.7976136598357257, 'y': 2.5722926319517176}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,835] Trial 170 finished with value: 7.439426909141176 and parameters: {'x': 0.892794726117486, 'y': 2.3176771815226087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,836] Trial 171 finished with value: 10.764393870053514 and parameters: {'x': 3.3966726052998424, 'y': 2.236227111224998}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,837] Trial 172 finished with value: 7.672732461844447 and parameters: {'x': 0.6565399271869343, 'y': 2.266383207388518}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,838] Trial 173 finished with value: 9.912718580952895 and parameters: {'x': 3.4427460583166134, 'y': 0.767008084023082}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,839] Trial 174 finished with value: 7.492130034499652 and parameters: {'x': 2.431786498107929, 'y': 0.0012019289323461635}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,840] Trial 175 finished with value: 11.432963250400805 and parameters: {'x': 2.398579419032148, 'y': 3.626689061898129}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,841] Trial 176 finished with value: 4.679324472600673 and parameters: {'x': 0.5046659693982054, 'y': 1.0136426491222448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,842] Trial 177 finished with value: 10.014653304662277 and parameters: {'x': 3.6656304163043663, 'y': 0.8136327917263362}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,843] Trial 178 finished with value: 9.42189561442088 and parameters: {'x': 2.9282945598665706, 'y': 2.2735780055911254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,844] Trial 179 finished with value: 8.238792467050876 and parameters: {'x': 0.9229106738167738, 'y': 3.1755356848963574}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,844] Trial 180 finished with value: 10.022809360818055 and parameters: {'x': 1.8937739918677239, 'y': 3.353392061020511}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,845] Trial 181 finished with value: 8.665501391018337 and parameters: {'x': 1.9430207704425881, 'y': 3.1412220082989495}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,846] Trial 182 finished with value: 10.499929595705158 and parameters: {'x': 1.6045313764477873, 'y': 3.3928183933266634}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,849] Trial 183 finished with value: 9.054465657737579 and parameters: {'x': 3.177504629624753, 'y': 1.881574039728204}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,850] Trial 184 finished with value: 3.241811376658486 and parameters: {'x': 0.5532265700325287, 'y': 0.061759306737271036}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,851] Trial 185 finished with value: 7.4816312909029214 and parameters: {'x': 2.24354351082847, 'y': 0.7086458008507504}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,852] Trial 186 finished with value: 8.508435442027885 and parameters: {'x': 2.8176162725062777, 'y': 0.3911023288613231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,853] Trial 187 finished with value: 4.003956371062326 and parameters: {'x': 0.857305088806247, 'y': 0.31075294610825965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,854] Trial 188 finished with value: 9.062669397549 and parameters: {'x': 2.5195873392164465, 'y': 2.027339028317335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,855] Trial 189 finished with value: 12.30418779730045 and parameters: {'x': 3.5218480070541975, 'y': 3.885144033046055}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,856] Trial 190 finished with value: 8.009208681763505 and parameters: {'x': 0.7113367701524909, 'y': 2.3745769144946838}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,857] Trial 191 finished with value: 12.315806722956946 and parameters: {'x': 3.5396118541352206, 'y': 3.879451669911221}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,858] Trial 192 finished with value: 10.020296150989592 and parameters: {'x': 3.469458015012512, 'y': 1.1690347203106715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,858] Trial 193 finished with value: 10.537264287309405 and parameters: {'x': 3.5770634585862493, 'y': 1.3211248037407284}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,859] Trial 194 finished with value: 10.289151352354983 and parameters: {'x': 2.569659832403738, 'y': 2.8024819222942092}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,860] Trial 195 finished with value: 3.731060228910131 and parameters: {'x': 0.24760921660013002, 'y': 0.5521423661189173}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,861] Trial 196 finished with value: 5.9435690466674735 and parameters: {'x': 1.3769545180557197, 'y': 0.7936675641809834}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,862] Trial 197 finished with value: 9.743775215528842 and parameters: {'x': 0.12280025833501451, 'y': 3.6135186276359184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,863] Trial 198 finished with value: 5.873860931591558 and parameters: {'x': 1.0968336994868557, 'y': 2.0440842501161494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,864] Trial 199 finished with value: 10.709851532989827 and parameters: {'x': 1.4035187216015639, 'y': 3.6233773243557295}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,865] Trial 200 finished with value: 9.954064110925012 and parameters: {'x': 3.726106479619608, 'y': 1.1507434606307019}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,866] Trial 201 finished with value: 9.176752015086375 and parameters: {'x': 2.9657694175449376, 'y': 1.6248824147200915}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,870] Trial 202 finished with value: 8.145954329559796 and parameters: {'x': 1.0228360176486495, 'y': 2.5618407253423037}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,871] Trial 203 finished with value: 6.436303642075089 and parameters: {'x': 0.1490956988241905, 'y': 2.189578164919726}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,873] Trial 204 finished with value: 11.111376943310047 and parameters: {'x': 3.8600995766607973, 'y': 2.749935443832355}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,873] Trial 205 finished with value: 9.129251992511671 and parameters: {'x': 1.1056290533154534, 'y': 3.962676922705223}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,874] Trial 206 finished with value: 8.370841149672748 and parameters: {'x': 3.239100750458276, 'y': 0.022500014848797267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,875] Trial 207 finished with value: 9.291509527012558 and parameters: {'x': 3.00568373091447, 'y': 3.0819509181231135}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,876] Trial 208 finished with value: 9.526550833010017 and parameters: {'x': 1.6196305250074117, 'y': 3.1125193232568216}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,877] Trial 209 finished with value: 9.615589923726578 and parameters: {'x': 3.267739114462778, 'y': 0.5385583215982779}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,878] Trial 210 finished with value: 9.531798143488427 and parameters: {'x': 0.25581569974990925, 'y': 3.3448825637277912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,879] Trial 211 finished with value: 8.604070357784977 and parameters: {'x': 0.46414482840332383, 'y': 2.832521354655352}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,879] Trial 212 finished with value: 10.38897582976456 and parameters: {'x': 1.8211110188726547, 'y': 3.7486718651916884}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,880] Trial 213 finished with value: 6.661796469044116 and parameters: {'x': 1.9281477756028131, 'y': 1.926628295959115}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,881] Trial 214 finished with value: 9.292910051092164 and parameters: {'x': 2.7294285878695597, 'y': 1.5245259127637056}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,882] Trial 215 finished with value: 11.474812810352063 and parameters: {'x': 2.545072973407813, 'y': 3.482446850845249}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,883] Trial 216 finished with value: 5.7436489654843506 and parameters: {'x': 1.495433610786303, 'y': 0.15421009122365392}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,884] Trial 217 finished with value: 9.730716734806999 and parameters: {'x': 1.0030835880141065, 'y': 3.480006126880088}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,884] Trial 218 finished with value: 10.264000182790559 and parameters: {'x': 2.564834864793566, 'y': 2.484511186533039}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,885] Trial 219 finished with value: 9.603307511303695 and parameters: {'x': 1.3610131034034234, 'y': 3.1908647326982806}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,886] Trial 220 finished with value: 4.369001281478198 and parameters: {'x': 1.188627464139461, 'y': 0.18369767028726258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,887] Trial 221 finished with value: 9.76991966254143 and parameters: {'x': 3.8988662451422833, 'y': 0.7602578472113932}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,888] Trial 222 finished with value: 7.137655618781169 and parameters: {'x': 0.8347420348689671, 'y': 2.2420510780813876}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,889] Trial 223 finished with value: 8.91040625724673 and parameters: {'x': 1.359216232474024, 'y': 2.9027621524655793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,890] Trial 224 finished with value: 11.368714852239679 and parameters: {'x': 2.6445670042252885, 'y': 3.876078195544568}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,890] Trial 225 finished with value: 10.370157440060499 and parameters: {'x': 3.388476359892063, 'y': 1.7522052503971564}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,891] Trial 226 finished with value: 11.459382868502663 and parameters: {'x': 3.4584850215221827, 'y': 2.5951719092807926}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,892] Trial 227 finished with value: 10.992736541581595 and parameters: {'x': 2.7749761828694957, 'y': 3.8717898238860258}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,893] Trial 228 finished with value: 7.960140413458749 and parameters: {'x': 0.9736103991275695, 'y': 3.148002172690902}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,894] Trial 229 finished with value: 10.377944264894046 and parameters: {'x': 2.5711654315986396, 'y': 2.664355196945022}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,895] Trial 230 finished with value: 6.558542754486279 and parameters: {'x': 1.617684226621781, 'y': 0.5009300791074658}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,895] Trial 231 finished with value: 9.801280921370413 and parameters: {'x': 3.348864026127328, 'y': 0.6625226793267869}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,896] Trial 232 finished with value: 9.167661545649594 and parameters: {'x': 2.481063154756097, 'y': 2.0968547757011087}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,898] Trial 233 finished with value: 6.150568677473988 and parameters: {'x': 1.4320715535757742, 'y': 0.45112212163791376}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,898] Trial 234 finished with value: 10.36635285952934 and parameters: {'x': 2.6644869443995005, 'y': 2.6897335048134448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,899] Trial 235 finished with value: 7.531591242768647 and parameters: {'x': 3.0831372403659976, 'y': 1.0036575398106162}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,900] Trial 236 finished with value: 10.035422239052489 and parameters: {'x': 3.5198774303521683, 'y': 1.1425514372805075}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,901] Trial 237 finished with value: 9.747190810113583 and parameters: {'x': 2.78954877508854, 'y': 2.2980258422520596}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,902] Trial 238 finished with value: 6.647193961090235 and parameters: {'x': 1.5618737305507815, 'y': 1.1428627402717866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,903] Trial 239 finished with value: 8.357914032300853 and parameters: {'x': 0.7818357971652818, 'y': 2.6659101963759047}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,905] Trial 240 finished with value: 9.656882953625262 and parameters: {'x': 3.2838729239453666, 'y': 1.2518782671452753}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,905] Trial 241 finished with value: 4.838606650477356 and parameters: {'x': 1.127651816024295, 'y': 0.7335738505655183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,906] Trial 242 finished with value: 12.064321613162095 and parameters: {'x': 3.3862929216823847, 'y': 3.8922095982680984}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,907] Trial 243 finished with value: 5.822931001256965 and parameters: {'x': 0.843687297412858, 'y': 1.9968974725397945}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,908] Trial 244 finished with value: 8.866855790726733 and parameters: {'x': 1.791902197140785, 'y': 2.4009084063607844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,909] Trial 245 finished with value: 6.557772166801325 and parameters: {'x': 1.9511937840850044, 'y': 1.2280913997344816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,910] Trial 246 finished with value: 9.787312354764817 and parameters: {'x': 3.3850961812501184, 'y': 1.1683630635558386}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,911] Trial 247 finished with value: 8.742829301568904 and parameters: {'x': 1.290558108097346, 'y': 2.4965225650679197}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,912] Trial 248 finished with value: 5.447490691876528 and parameters: {'x': 1.2059451471107838, 'y': 1.1624171543365662}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,912] Trial 249 finished with value: 9.027061550566758 and parameters: {'x': 1.9721500708771305, 'y': 2.5821701263026706}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,913] Trial 250 finished with value: 8.370883952152802 and parameters: {'x': 2.0538727135449584, 'y': 3.0770091803969715}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,914] Trial 251 finished with value: 6.1153726013671275 and parameters: {'x': 0.8027764524925125, 'y': 2.032544886977046}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,915] Trial 252 finished with value: 10.426201145618794 and parameters: {'x': 3.530000655936235, 'y': 1.9646909371038488}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,916] Trial 253 finished with value: 11.504352063246044 and parameters: {'x': 3.816490922242502, 'y': 2.574605945133567}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,917] Trial 254 finished with value: 3.6130679732594935 and parameters: {'x': 0.23439520071222253, 'y': 0.9496283244843569}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,918] Trial 255 finished with value: 8.960956292931078 and parameters: {'x': 2.429179382846859, 'y': 2.0614389779376254}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,919] Trial 256 finished with value: 7.364789420958257 and parameters: {'x': 3.035093792038067, 'y': 0.9398447121883335}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,920] Trial 257 finished with value: 9.673715570709936 and parameters: {'x': 3.1085749997602905, 'y': 3.082467370803549}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,920] Trial 258 finished with value: 9.00033912597185 and parameters: {'x': 1.7433926655885386, 'y': 2.815818892405104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,921] Trial 259 finished with value: 11.24134202520955 and parameters: {'x': 3.830897877980727, 'y': 3.1785503483468083}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,922] Trial 260 finished with value: 9.610231355415435 and parameters: {'x': 0.43688167234642616, 'y': 3.277646712875464}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,923] Trial 261 finished with value: 8.21666138796502 and parameters: {'x': 2.542123575455598, 'y': 0.2751187058016402}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,924] Trial 262 finished with value: 10.75947517839813 and parameters: {'x': 1.5247058737186108, 'y': 3.968763572725166}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,925] Trial 263 finished with value: 9.476301269444532 and parameters: {'x': 3.410888705095577, 'y': 0.13987760450072928}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,925] Trial 264 finished with value: 8.128276506902818 and parameters: {'x': 0.9167791726823133, 'y': 2.5520365155606983}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,926] Trial 265 finished with value: 5.660390527847323 and parameters: {'x': 0.13316563567089323, 'y': 1.7738623850744313}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,927] Trial 266 finished with value: 10.03745409879572 and parameters: {'x': 2.4562187521087386, 'y': 2.419717111405486}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,928] Trial 267 finished with value: 10.560729471075781 and parameters: {'x': 3.5383932628189894, 'y': 2.0750260479642955}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,929] Trial 268 finished with value: 6.911335606142488 and parameters: {'x': 1.8383476485245498, 'y': 1.269369919672592}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,930] Trial 269 finished with value: 6.263776883229383 and parameters: {'x': 1.8146924690185848, 'y': 0.7771183396725552}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,931] Trial 270 finished with value: 3.192283264509687 and parameters: {'x': 0.5438691082990537, 'y': 0.03168737130430621}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,932] Trial 271 finished with value: 9.25236139200286 and parameters: {'x': 1.163392218103672, 'y': 3.268717065064702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,932] Trial 272 finished with value: 7.615378153862055 and parameters: {'x': 0.11342996964423246, 'y': 2.781838540120356}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,933] Trial 273 finished with value: 12.083086480354083 and parameters: {'x': 3.718917140075738, 'y': 3.3135414546878836}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,934] Trial 274 finished with value: 8.673172499161506 and parameters: {'x': 2.7587041874302267, 'y': 2.001624771327751}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,935] Trial 275 finished with value: 8.175856457154929 and parameters: {'x': 2.262024392522807, 'y': 2.048018787543821}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,936] Trial 276 finished with value: 6.027361661814201 and parameters: {'x': 1.1483245406422165, 'y': 1.9641797906360914}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,937] Trial 277 finished with value: 10.26132967547642 and parameters: {'x': 1.2170697034940483, 'y': 3.6809586684084397}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,938] Trial 278 finished with value: 6.584369196688137 and parameters: {'x': 1.4804530139174736, 'y': 1.1573874484627762}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,939] Trial 279 finished with value: 8.199773560716626 and parameters: {'x': 2.2385982079618105, 'y': 1.7941482446178587}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,939] Trial 280 finished with value: 8.719226999352626 and parameters: {'x': 2.330905924819994, 'y': 1.7269819988722892}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,940] Trial 281 finished with value: 7.9595970366033875 and parameters: {'x': 2.5626694586361602, 'y': 0.14912568287478267}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,941] Trial 282 finished with value: 11.329548540338816 and parameters: {'x': 3.431748611790516, 'y': 2.4684755464465375}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,942] Trial 283 finished with value: 5.9275598315386375 and parameters: {'x': 2.092801441089609, 'y': 1.0540812353681415}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,943] Trial 284 finished with value: 7.6442036867422924 and parameters: {'x': 2.1315161168892627, 'y': 1.342052211185913}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,944] Trial 285 finished with value: 5.336605414006623 and parameters: {'x': 1.2293885830337024, 'y': 0.39436061033300085}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,944] Trial 286 finished with value: 8.748815175839605 and parameters: {'x': 1.5092662387537024, 'y': 2.33469150262076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,945] Trial 287 finished with value: 10.33057890967017 and parameters: {'x': 3.8696424603175674, 'y': 1.7529400600215008}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,946] Trial 288 finished with value: 8.919797455084531 and parameters: {'x': 2.736416794176971, 'y': 2.0760583880204533}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,948] Trial 289 finished with value: 4.441157898677751 and parameters: {'x': 0.6958328287107154, 'y': 0.470775876927795}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,948] Trial 290 finished with value: 3.900552561783101 and parameters: {'x': 0.5199313793034581, 'y': 0.32732432513248844}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,949] Trial 291 finished with value: 8.4180528356603 and parameters: {'x': 0.7484945528039133, 'y': 2.6092566567467186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,950] Trial 292 finished with value: 5.13151636527822 and parameters: {'x': 1.2725579972339172, 'y': 0.24811942487439165}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,951] Trial 293 finished with value: 9.467588278822692 and parameters: {'x': 2.8308688610430583, 'y': 3.0095214839284186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,952] Trial 294 finished with value: 11.40932682166175 and parameters: {'x': 3.5016671059800655, 'y': 3.068332225841167}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,953] Trial 295 finished with value: 11.661897145446092 and parameters: {'x': 3.4223465922726612, 'y': 3.2012730241498057}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,954] Trial 296 finished with value: 9.123309357405901 and parameters: {'x': 2.732092776659147, 'y': 2.127504908381725}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,955] Trial 297 finished with value: 9.58492096234577 and parameters: {'x': 2.812843939728247, 'y': 2.910435060816296}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,956] Trial 298 finished with value: 9.565362051884232 and parameters: {'x': 3.130495435347729, 'y': 2.9985457513559854}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,957] Trial 299 finished with value: 7.688521848293625 and parameters: {'x': 2.3808104012848714, 'y': 0.9405175456205148}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,958] Trial 300 finished with value: 9.268401643125605 and parameters: {'x': 2.660731982373358, 'y': 1.6961501616917607}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,959] Trial 301 finished with value: 11.756809498893748 and parameters: {'x': 3.5227386286659543, 'y': 3.1848834998657916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,960] Trial 302 finished with value: 9.282918995429277 and parameters: {'x': 1.600901891232203, 'y': 2.7736174889703293}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,961] Trial 303 finished with value: 7.659822694499102 and parameters: {'x': 2.3514385867290546, 'y': 0.8604323469568076}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,961] Trial 304 finished with value: 10.947484710652777 and parameters: {'x': 3.32130714864281, 'y': 3.0857173995915015}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,962] Trial 305 finished with value: 9.941649002120565 and parameters: {'x': 3.4685901543950464, 'y': 0.7841745036496555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,963] Trial 306 finished with value: 6.27356836019511 and parameters: {'x': 0.9345120049722722, 'y': 1.5947313886006702}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,964] Trial 307 finished with value: 11.83364009119155 and parameters: {'x': 3.753370456866888, 'y': 3.9573484830875594}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,965] Trial 308 finished with value: 11.087232620133545 and parameters: {'x': 2.279350606371401, 'y': 3.7268743041396815}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,966] Trial 309 finished with value: 9.951975997023917 and parameters: {'x': 1.2403215035040316, 'y': 3.907655524302301}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,967] Trial 310 finished with value: 7.450686198128425 and parameters: {'x': 1.4513014117435676, 'y': 1.4980418365942643}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,968] Trial 311 finished with value: 8.217850926127987 and parameters: {'x': 2.4311030505177547, 'y': 0.6706713636599648}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,969] Trial 312 finished with value: 12.406694735290257 and parameters: {'x': 3.445533620110704, 'y': 3.6864830191075653}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,970] Trial 313 finished with value: 8.355448839522436 and parameters: {'x': 2.4767818245907787, 'y': 0.4945173522551629}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,970] Trial 314 finished with value: 6.283579650025068 and parameters: {'x': 1.7752592462908199, 'y': 0.7951081388275099}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,971] Trial 315 finished with value: 8.632220504465216 and parameters: {'x': 0.5643025059386781, 'y': 2.684344565673266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,972] Trial 316 finished with value: 6.173476799859856 and parameters: {'x': 0.9955169767369765, 'y': 1.479993490627923}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,973] Trial 317 finished with value: 10.075216693479428 and parameters: {'x': 1.3868514166713086, 'y': 3.2996527689371966}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,974] Trial 318 finished with value: 9.83265703053972 and parameters: {'x': 3.366594797411336, 'y': 0.37837696063200044}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,975] Trial 319 finished with value: 5.7641899377365355 and parameters: {'x': 1.0936157216969309, 'y': 2.0154939269359304}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,976] Trial 320 finished with value: 8.039049361310239 and parameters: {'x': 3.17926984150359, 'y': 0.0792946855486929}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,976] Trial 321 finished with value: 6.374372677227711 and parameters: {'x': 2.1576817063632108, 'y': 0.1816974223108332}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,977] Trial 322 finished with value: 10.692914630859786 and parameters: {'x': 2.191060676892676, 'y': 3.7523333591725074}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,978] Trial 323 finished with value: 4.272621529228328 and parameters: {'x': 0.5120655829592051, 'y': 0.49862800124716555}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,979] Trial 324 finished with value: 5.667686004248164 and parameters: {'x': 1.974151489946808, 'y': 1.0873543411469573}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,980] Trial 325 finished with value: 3.14911825941741 and parameters: {'x': 0.05384257085487931, 'y': 0.5119500254322102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,981] Trial 326 finished with value: 11.430558534518452 and parameters: {'x': 3.167994699715818, 'y': 3.7564746079924434}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,982] Trial 327 finished with value: 9.519234463129628 and parameters: {'x': 3.922791270118661, 'y': 1.9209613389345819}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,983] Trial 328 finished with value: 8.54792782659565 and parameters: {'x': 0.6676983242757633, 'y': 2.7206798714034965}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,984] Trial 329 finished with value: 10.343957494971903 and parameters: {'x': 3.796174706674506, 'y': 1.7961720398228866}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,985] Trial 330 finished with value: 7.393260976478766 and parameters: {'x': 0.9303477639875446, 'y': 2.8881061672077695}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,985] Trial 331 finished with value: 4.168211622506824 and parameters: {'x': 0.568033427516911, 'y': 0.40076474146192886}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,986] Trial 332 finished with value: 8.352151380568776 and parameters: {'x': 2.5248892794224953, 'y': 0.37669484776274276}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,987] Trial 333 finished with value: 10.372212386228597 and parameters: {'x': 0.5486382147448605, 'y': 3.8023016805571226}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,988] Trial 334 finished with value: 11.465116931323431 and parameters: {'x': 2.5549011493678657, 'y': 3.9985995148160476}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,989] Trial 335 finished with value: 7.533651547982446 and parameters: {'x': 3.1122260433973805, 'y': 0.06789981521679245}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,990] Trial 336 finished with value: 4.518450949546146 and parameters: {'x': 0.8319125264768537, 'y': 0.5088830882153448}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,991] Trial 337 finished with value: 11.187215237484192 and parameters: {'x': 2.2890048592452192, 'y': 3.637230987841597}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,992] Trial 338 finished with value: 10.631217468377777 and parameters: {'x': 3.212460725698297, 'y': 3.151238069716407}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,993] Trial 339 finished with value: 7.915541564276795 and parameters: {'x': 2.74287845774048, 'y': 0.9216415115955656}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,994] Trial 340 finished with value: 9.673978866468232 and parameters: {'x': 3.7908591198317727, 'y': 0.1932091267248519}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,994] Trial 341 finished with value: 5.40304171497252 and parameters: {'x': 0.954423029584103, 'y': 1.969828102065398}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,995] Trial 342 finished with value: 12.042616210694453 and parameters: {'x': 3.3733840526910974, 'y': 3.376876997921342}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,996] Trial 343 finished with value: 8.785656690828066 and parameters: {'x': 0.5127988159592372, 'y': 3.034373595835823}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,997] Trial 344 finished with value: 8.058158484803876 and parameters: {'x': 1.1635372808096633, 'y': 3.0573367491756858}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,998] Trial 345 finished with value: 10.362114273889164 and parameters: {'x': 3.347100872005856, 'y': 1.5076593906340912}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:28,999] Trial 346 finished with value: 11.392777604957166 and parameters: {'x': 2.7909279129092934, 'y': 3.6798647776849185}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,000] Trial 347 finished with value: 8.257572560266517 and parameters: {'x': 1.8747106902665256, 'y': 2.9264405129485396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,001] Trial 348 finished with value: 1.191533546628932 and parameters: {'x': 0.04098816215805545, 'y': 0.17575252540152997}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,002] Trial 349 finished with value: 6.528414693370539 and parameters: {'x': 2.0986759869413723, 'y': 1.1635260998377377}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,003] Trial 350 finished with value: 4.578848126507644 and parameters: {'x': 0.7850809443858684, 'y': 0.5846514384255186}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,003] Trial 351 finished with value: 4.717440335628027 and parameters: {'x': 1.0561713549229714, 'y': 1.1750808591313686}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,004] Trial 352 finished with value: 8.62433938989944 and parameters: {'x': 2.914436298305064, 'y': 0.5192348455391631}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,005] Trial 353 finished with value: 8.28157910362034 and parameters: {'x': 2.515171096976729, 'y': 0.7715967853955292}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,006] Trial 354 finished with value: 8.031780167962317 and parameters: {'x': 2.499557269956178, 'y': 0.2222792532667559}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,007] Trial 355 finished with value: 9.137449237447111 and parameters: {'x': 1.677582622614922, 'y': 3.023643543029472}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,008] Trial 356 finished with value: 9.799768279881432 and parameters: {'x': 0.9309103481609493, 'y': 3.653612348612905}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,009] Trial 357 finished with value: 9.14726937689981 and parameters: {'x': 0.9114826668177916, 'y': 3.8759524431225048}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,010] Trial 358 finished with value: 8.644835094085106 and parameters: {'x': 1.2588950259545113, 'y': 2.48788875134704}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,011] Trial 359 finished with value: 9.053231827241326 and parameters: {'x': 0.5869817235510006, 'y': 3.130377458831803}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,012] Trial 360 finished with value: 3.411285954506919 and parameters: {'x': 0.7050586121580449, 'y': 0.12680082581006102}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,012] Trial 361 finished with value: 6.447468025493851 and parameters: {'x': 1.4220967532913322, 'y': 1.1594983078421475}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,013] Trial 362 finished with value: 9.813601898285599 and parameters: {'x': 3.685269522802166, 'y': 0.8893489297364794}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,014] Trial 363 finished with value: 8.104774870743212 and parameters: {'x': 2.532211234879781, 'y': 0.2291961280504231}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,015] Trial 364 finished with value: 11.567426758994019 and parameters: {'x': 3.580392966262677, 'y': 2.534915475101615}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,016] Trial 365 finished with value: 6.430551183634282 and parameters: {'x': 1.8510739401287246, 'y': 0.36315241813681265}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,017] Trial 366 finished with value: 10.196750361368728 and parameters: {'x': 3.9286133392638902, 'y': 3.0065275678507266}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,018] Trial 367 finished with value: 11.204693514709696 and parameters: {'x': 3.7055910447225733, 'y': 2.308877509177674}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,019] Trial 368 finished with value: 6.634120639228918 and parameters: {'x': 1.778248827954719, 'y': 0.47372214586660366}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,020] Trial 369 finished with value: 5.539252636912586 and parameters: {'x': 0.013568479012842527, 'y': 1.7195890827411842}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,021] Trial 370 finished with value: 5.976968207153636 and parameters: {'x': 1.7824860939905829, 'y': 0.9016025301978696}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,022] Trial 371 finished with value: 5.264081263969686 and parameters: {'x': 1.2636779461519687, 'y': 1.0270311801286396}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,022] Trial 372 finished with value: 9.719222267426572 and parameters: {'x': 1.0181424006401238, 'y': 3.686905356694062}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,023] Trial 373 finished with value: 9.17258988928529 and parameters: {'x': 3.0146465869507315, 'y': 1.4200477277472183}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,024] Trial 374 finished with value: 10.448858271486321 and parameters: {'x': 1.9164062512120363, 'y': 3.610922045132941}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,025] Trial 375 finished with value: 8.29517954260463 and parameters: {'x': 3.0542344761550297, 'y': 0.7503530230121647}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,026] Trial 376 finished with value: 5.46022332083805 and parameters: {'x': 1.3498322891457715, 'y': 0.23519239497756717}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,027] Trial 377 finished with value: 10.31151529518906 and parameters: {'x': 1.232620618038632, 'y': 3.6810969767719772}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,028] Trial 378 finished with value: 9.620428111076176 and parameters: {'x': 0.05302978990486018, 'y': 3.5562617518764283}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,029] Trial 379 finished with value: 7.145067016910065 and parameters: {'x': 2.8704006458623246, 'y': 0.05856204340429816}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,030] Trial 380 finished with value: 7.615509022271754 and parameters: {'x': 2.0298324622047974, 'y': 1.4358335026956333}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,030] Trial 381 finished with value: 10.916095141366544 and parameters: {'x': 2.3697860126664643, 'y': 3.321808345274754}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,031] Trial 382 finished with value: 12.399401740420132 and parameters: {'x': 3.466580215969038, 'y': 3.519267049908465}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,032] Trial 383 finished with value: 12.44262680181242 and parameters: {'x': 3.7310071734911925, 'y': 3.6643780634045138}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,033] Trial 384 finished with value: 9.142527082249929 and parameters: {'x': 2.882719416839632, 'y': 1.6461840523728104}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,034] Trial 385 finished with value: 9.239754233553501 and parameters: {'x': 2.5759608140989747, 'y': 1.5391631459672297}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,035] Trial 386 finished with value: 6.284598645056207 and parameters: {'x': 0.8702285303132826, 'y': 1.672129456953738}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,036] Trial 387 finished with value: 10.152804966108985 and parameters: {'x': 3.6934629366226015, 'y': 0.744845969281184}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,036] Trial 388 finished with value: 3.389312682331248 and parameters: {'x': 0.053694591129884284, 'y': 1.1261876829075792}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,037] Trial 389 finished with value: 10.283447623535013 and parameters: {'x': 3.2388795618896027, 'y': 2.974622653487798}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,038] Trial 390 finished with value: 11.302617455565434 and parameters: {'x': 3.515598201960283, 'y': 2.908952204458161}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,039] Trial 391 finished with value: 11.125939966673439 and parameters: {'x': 2.4941310914546113, 'y': 3.325759234467637}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,040] Trial 392 finished with value: 10.816812218801022 and parameters: {'x': 2.4885158267517737, 'y': 3.224158476295799}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,041] Trial 393 finished with value: 10.050727622585395 and parameters: {'x': 1.2107379893350432, 'y': 3.4332492569334763}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,042] Trial 394 finished with value: 5.95575827799291 and parameters: {'x': 0.6692460786760335, 'y': 1.3454235380425494}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,043] Trial 395 finished with value: 8.903415776483602 and parameters: {'x': 1.006126472829457, 'y': 3.279586119031793}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,043] Trial 396 finished with value: 4.547039657651432 and parameters: {'x': 0.7650725322320575, 'y': 0.5336811286061329}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,044] Trial 397 finished with value: 7.646434899367684 and parameters: {'x': 1.5191921106060464, 'y': 1.9600495063208347}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,045] Trial 398 finished with value: 8.23501821441278 and parameters: {'x': 2.464469780852896, 'y': 0.7313268391281604}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,046] Trial 399 finished with value: 8.78323456105996 and parameters: {'x': 2.3595946161420396, 'y': 1.4770688236450096}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,047] Trial 400 finished with value: 11.07950687309173 and parameters: {'x': 2.7633452013271462, 'y': 3.8532351310288586}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,048] Trial 401 finished with value: 9.011181143989141 and parameters: {'x': 0.655696041444696, 'y': 3.149145726131916}. Best is trial 73 with value: 0.2151968790881824.\n[I 2023-11-01 05:28:29,049] Trial 402 finished with value: 0.21108155708882137 and parameters: {'x': 0.025106650762250826, 'y': 0.044143703865536565}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,050] Trial 403 finished with value: 4.526352639294384 and parameters: {'x': 0.6040185419770716, 'y': 0.5878079950089186}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,050] Trial 404 finished with value: 10.340964653977816 and parameters: {'x': 3.922897219307625, 'y': 0.49698547657353664}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,051] Trial 405 finished with value: 11.540325958618682 and parameters: {'x': 2.71638072852915, 'y': 3.569585834030987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,052] Trial 406 finished with value: 6.933258476365397 and parameters: {'x': 2.959069099663764, 'y': 0.04356363809009567}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,053] Trial 407 finished with value: 10.254178574604502 and parameters: {'x': 2.6298707108398554, 'y': 2.4547503705112566}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,054] Trial 408 finished with value: 10.405598398037926 and parameters: {'x': 1.7389756543820347, 'y': 3.3948028236020438}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,055] Trial 409 finished with value: 10.05170557739612 and parameters: {'x': 2.1334557265352014, 'y': 3.868058156883832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,056] Trial 410 finished with value: 7.887839083942328 and parameters: {'x': 1.6287170896550038, 'y': 2.0897524947265884}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,056] Trial 411 finished with value: 10.097956892334187 and parameters: {'x': 0.26943310227075745, 'y': 3.6493057219845557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,057] Trial 412 finished with value: 12.397487232313319 and parameters: {'x': 3.6728053515894983, 'y': 3.7555399684970867}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,059] Trial 413 finished with value: 7.7502659636836295 and parameters: {'x': 2.1963460321873667, 'y': 1.8724424201058856}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,060] Trial 414 finished with value: 12.241300305489641 and parameters: {'x': 3.4785432697512286, 'y': 3.923978720743307}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,061] Trial 415 finished with value: 9.624761197683 and parameters: {'x': 2.996713083928662, 'y': 2.3080426422065425}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,062] Trial 416 finished with value: 8.886410547926278 and parameters: {'x': 0.10292278890589968, 'y': 3.986448817996}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,063] Trial 417 finished with value: 12.100939315290324 and parameters: {'x': 3.771874453396725, 'y': 3.3433333766881055}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,064] Trial 418 finished with value: 9.49851289582427 and parameters: {'x': 1.3519286769698113, 'y': 3.172081894155109}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,066] Trial 419 finished with value: 8.485090347805786 and parameters: {'x': 2.7821019543892733, 'y': 0.3698217566305906}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,067] Trial 420 finished with value: 7.063063066010319 and parameters: {'x': 0.5229450172512125, 'y': 2.09602817646162}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,068] Trial 421 finished with value: 7.590651626257822 and parameters: {'x': 2.280842459714937, 'y': 1.1567589240790626}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,069] Trial 422 finished with value: 10.344647702828512 and parameters: {'x': 3.8273839653448762, 'y': 0.5691294933683881}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,070] Trial 423 finished with value: 8.547161960427571 and parameters: {'x': 1.2455727745592617, 'y': 2.4579433723422466}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,073] Trial 424 finished with value: 2.526398416087993 and parameters: {'x': 0.346073360573548, 'y': 0.07793340180577557}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,073] Trial 425 finished with value: 10.148507008831835 and parameters: {'x': 3.999959224017629, 'y': 2.1755982994371954}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,074] Trial 426 finished with value: 9.038592963824982 and parameters: {'x': 2.591949962224946, 'y': 1.9928356931176459}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,075] Trial 427 finished with value: 6.9931641066296955 and parameters: {'x': 2.236211904249122, 'y': 0.21387538672672113}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,076] Trial 428 finished with value: 9.134617235514785 and parameters: {'x': 3.158548992949356, 'y': 2.116827573324681}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,077] Trial 429 finished with value: 3.261339563420208 and parameters: {'x': 1.095888545241697, 'y': 0.08121109210178323}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,078] Trial 430 finished with value: 5.795248953033454 and parameters: {'x': 0.7365576458376459, 'y': 1.3205923166777298}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,080] Trial 431 finished with value: 12.252994876582656 and parameters: {'x': 3.9556281513375544, 'y': 3.599134727042208}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,083] Trial 432 finished with value: 9.50669025502117 and parameters: {'x': 2.2612986337706773, 'y': 2.8305818026196548}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,086] Trial 433 finished with value: 6.17155536225377 and parameters: {'x': 1.4535549443577427, 'y': 0.8061218372041883}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,087] Trial 434 finished with value: 7.330274947797166 and parameters: {'x': 2.998473426438397, 'y': 1.0577641880364999}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,088] Trial 435 finished with value: 8.234903033718643 and parameters: {'x': 2.6969037673592906, 'y': 1.1116266886879185}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,089] Trial 436 finished with value: 10.626381760856646 and parameters: {'x': 2.4911711112382458, 'y': 3.1667404829508645}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,090] Trial 437 finished with value: 6.508127609588357 and parameters: {'x': 1.7007902059654354, 'y': 0.39030525510783143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,091] Trial 438 finished with value: 9.044811275943646 and parameters: {'x': 1.7013920933763602, 'y': 2.858407769926415}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,092] Trial 439 finished with value: 9.008508877213199 and parameters: {'x': 3.041837585563343, 'y': 2.191445148488896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,092] Trial 440 finished with value: 11.905780093271849 and parameters: {'x': 3.226206925709196, 'y': 3.5904942026565596}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,093] Trial 441 finished with value: 9.93731915889512 and parameters: {'x': 3.349901621290708, 'y': 1.2592206426730508}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,094] Trial 442 finished with value: 8.975206970956329 and parameters: {'x': 2.1533551473851507, 'y': 2.3477216015918714}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,095] Trial 443 finished with value: 11.022339107405864 and parameters: {'x': 3.7218204317554098, 'y': 2.969339733446317}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,096] Trial 444 finished with value: 7.793452455376546 and parameters: {'x': 2.9749405864994456, 'y': 0.8144062904287135}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,097] Trial 445 finished with value: 5.3928498697735385 and parameters: {'x': 1.0023536798403767, 'y': 1.9609821375155065}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,098] Trial 446 finished with value: 8.44113147671768 and parameters: {'x': 0.578915866335016, 'y': 2.514276989395927}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,099] Trial 447 finished with value: 9.260996483941742 and parameters: {'x': 2.546649800269987, 'y': 2.103928080274987}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,100] Trial 448 finished with value: 8.355894074982917 and parameters: {'x': 2.4916755111872475, 'y': 0.443576668606922}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,101] Trial 449 finished with value: 10.857185288969665 and parameters: {'x': 3.9927550695232834, 'y': 2.780052820739364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,102] Trial 450 finished with value: 9.6700383959976 and parameters: {'x': 3.372010239312165, 'y': 0.27511738674902375}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,103] Trial 451 finished with value: 9.626184795100908 and parameters: {'x': 0.7461085156314828, 'y': 3.337309217922648}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,104] Trial 452 finished with value: 9.649121603028515 and parameters: {'x': 2.789330472287906, 'y': 2.935068581388643}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,105] Trial 453 finished with value: 5.052213553206837 and parameters: {'x': 0.2620305670474905, 'y': 1.2484923925015976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,106] Trial 454 finished with value: 9.222251359304856 and parameters: {'x': 2.782626659345648, 'y': 1.4677608336129824}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,106] Trial 455 finished with value: 10.436945315860191 and parameters: {'x': 3.6936877337548544, 'y': 1.8510790107698516}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,107] Trial 456 finished with value: 4.962481628455059 and parameters: {'x': 0.4089812959284349, 'y': 1.1398111353619549}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,108] Trial 457 finished with value: 6.51230720914808 and parameters: {'x': 1.6231294294881788, 'y': 0.7295441233125257}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,109] Trial 458 finished with value: 10.56229721261589 and parameters: {'x': 1.650641190443264, 'y': 3.426933525709896}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,110] Trial 459 finished with value: 9.653118757839884 and parameters: {'x': 2.61592306415803, 'y': 2.2206931869195916}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,111] Trial 460 finished with value: 10.67350425509411 and parameters: {'x': 1.7521963772660163, 'y': 3.558573523393536}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,112] Trial 461 finished with value: 8.708600936674987 and parameters: {'x': 1.9271105969994888, 'y': 2.393237861052923}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,113] Trial 462 finished with value: 3.7506086448421634 and parameters: {'x': 1.0494635736730475, 'y': 0.9584980735204098}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,114] Trial 463 finished with value: 9.598474512965854 and parameters: {'x': 0.03539959574504348, 'y': 3.6231365952220584}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,116] Trial 464 finished with value: 8.974946699354579 and parameters: {'x': 0.9809944954317862, 'y': 3.8863509276479857}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,117] Trial 465 finished with value: 7.772058988673429 and parameters: {'x': 1.0510947219993967, 'y': 3.1081610988411383}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,118] Trial 466 finished with value: 9.276000540651202 and parameters: {'x': 2.6260969953224196, 'y': 2.113940854424979}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,119] Trial 467 finished with value: 9.471032643776867 and parameters: {'x': 0.743259416089181, 'y': 3.2970146386381223}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,120] Trial 468 finished with value: 10.259476572914593 and parameters: {'x': 3.8217833488349022, 'y': 0.6361069051358492}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,121] Trial 469 finished with value: 6.457099650100211 and parameters: {'x': 0.7645348847707507, 'y': 1.6984123902533894}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,121] Trial 470 finished with value: 2.063085021632414 and parameters: {'x': 0.19769269071737483, 'y': 0.18945631103221228}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,122] Trial 471 finished with value: 4.207855684959583 and parameters: {'x': 0.40157342389645523, 'y': 0.594188019456364}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,123] Trial 472 finished with value: 4.146218703746907 and parameters: {'x': 0.3423750083190007, 'y': 0.8019459319131306}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,124] Trial 473 finished with value: 10.01353546655346 and parameters: {'x': 2.5958179050471477, 'y': 2.341003534870675}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,125] Trial 474 finished with value: 9.569395460866058 and parameters: {'x': 1.510089205063304, 'y': 3.1127636951494377}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,126] Trial 475 finished with value: 6.283597376683087 and parameters: {'x': 0.7360855719356194, 'y': 1.9490968776301902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,127] Trial 476 finished with value: 7.869681957805096 and parameters: {'x': 0.9096106796882286, 'y': 2.764915570387479}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,128] Trial 477 finished with value: 11.192095977398395 and parameters: {'x': 2.8037299655192665, 'y': 3.7620631677983236}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,129] Trial 478 finished with value: 4.427443669547809 and parameters: {'x': 0.6591004528098448, 'y': 0.47741899872377846}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,130] Trial 479 finished with value: 10.354234141119697 and parameters: {'x': 3.7934581813527313, 'y': 0.44935790813022347}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,130] Trial 480 finished with value: 11.472892968979941 and parameters: {'x': 3.6969090560602127, 'y': 3.1385155822785213}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,131] Trial 481 finished with value: 9.575248257035602 and parameters: {'x': 0.7423717629231437, 'y': 3.3220258703289143}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,132] Trial 482 finished with value: 6.708094948839129 and parameters: {'x': 0.11392226349831924, 'y': 2.248702684925605}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,133] Trial 483 finished with value: 7.512671613029504 and parameters: {'x': 1.6545076524482751, 'y': 1.4079545649809178}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,134] Trial 484 finished with value: 9.225371873776844 and parameters: {'x': 3.1197440455956627, 'y': 1.7480286992791503}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,135] Trial 485 finished with value: 8.644775582144975 and parameters: {'x': 3.277433870074068, 'y': 0.03762725050179805}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,136] Trial 486 finished with value: 9.34806610224668 and parameters: {'x': 2.130809674433918, 'y': 2.559396381704046}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,137] Trial 487 finished with value: 10.235510313932078 and parameters: {'x': 1.3029296167223055, 'y': 3.4136852817415533}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,138] Trial 488 finished with value: 8.505807953242515 and parameters: {'x': 2.715452161679803, 'y': 0.6948465727890976}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,139] Trial 489 finished with value: 5.927707311877974 and parameters: {'x': 1.3414850400325458, 'y': 0.5075975702630036}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,139] Trial 490 finished with value: 11.103488669840118 and parameters: {'x': 2.319494070977358, 'y': 3.4488429902385724}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,140] Trial 491 finished with value: 10.355196985609664 and parameters: {'x': 3.96479539855673, 'y': 2.2110810986202902}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,141] Trial 492 finished with value: 8.829678564856053 and parameters: {'x': 0.17281094473408487, 'y': 3.2493371853435034}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,142] Trial 493 finished with value: 6.7152972835150315 and parameters: {'x': 2.0030516525284563, 'y': 0.6144779672961334}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,143] Trial 494 finished with value: 8.83428182278424 and parameters: {'x': 0.4728307107402876, 'y': 3.058814201887216}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,144] Trial 495 finished with value: 4.5846587937858025 and parameters: {'x': 0.18319816044558834, 'y': 1.2216716397362832}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,145] Trial 496 finished with value: 11.24437461300541 and parameters: {'x': 3.3709738172649604, 'y': 2.5037428477898285}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,146] Trial 497 finished with value: 10.611654875736399 and parameters: {'x': 2.1195657505770105, 'y': 3.6646007700484367}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,147] Trial 498 finished with value: 6.9973027578278995 and parameters: {'x': 1.9878017516227215, 'y': 1.8250387245599597}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,148] Trial 499 finished with value: 9.515740035109893 and parameters: {'x': 3.78782724739539, 'y': 0.15184831525247633}. Best is trial 402 with value: 0.21108155708882137.\n[I 2023-11-01 05:28:29,148] A new study created in memory with name: x=[1,3), y=[1,3)\n[I 2023-11-01 05:28:29,149] Trial 0 finished with value: 9.501280285096856 and parameters: {'x': 2.1795551304711878, 'y': 2.5469138645456475}. Best is trial 0 with value: 9.501280285096856.\n[I 2023-11-01 05:28:29,150] Trial 1 finished with value: 7.689690058529395 and parameters: {'x': 2.116941820323029, 'y': 1.3704460118285542}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:28:29,151] Trial 2 finished with value: 8.869154016661145 and parameters: {'x': 1.734893579523559, 'y': 2.3800301262465355}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:28:29,152] Trial 3 finished with value: 9.217083724375263 and parameters: {'x': 2.5463037482718427, 'y': 1.698250749178961}. Best is trial 1 with value: 7.689690058529395.\n[I 2023-11-01 05:28:29,153] Trial 4 finished with value: 6.620326818681299 and parameters: {'x': 1.3418267714049732, 'y': 1.2749591602362444}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:28:29,153] Trial 5 finished with value: 9.947604021051855 and parameters: {'x': 2.328190210719468, 'y': 2.542129917484096}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:28:29,154] Trial 6 finished with value: 10.111364306571687 and parameters: {'x': 2.992415863822332, 'y': 2.445973518335129}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:28:29,155] Trial 7 finished with value: 8.117689709113845 and parameters: {'x': 2.518112634863238, 'y': 1.0345349209545471}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:28:29,156] Trial 8 finished with value: 8.599980015079133 and parameters: {'x': 1.985150133883719, 'y': 2.361999061196193}. Best is trial 4 with value: 6.620326818681299.\n[I 2023-11-01 05:28:29,157] Trial 9 finished with value: 6.466307419325002 and parameters: {'x': 1.0815335322750994, 'y': 1.6010550958884728}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:28:29,158] Trial 10 finished with value: 8.748658037765297 and parameters: {'x': 1.983065686509458, 'y': 2.4013248906189615}. Best is trial 9 with value: 6.466307419325002.\n[I 2023-11-01 05:28:29,159] Trial 11 finished with value: 4.280422047649996 and parameters: {'x': 1.0053750515354973, 'y': 1.1344853944712368}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,159] Trial 12 finished with value: 7.631641045157027 and parameters: {'x': 1.5136532280501904, 'y': 1.5621179581261906}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,160] Trial 13 finished with value: 5.126684569001355 and parameters: {'x': 1.0943183618191, 'y': 1.2102968958712526}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,162] Trial 14 finished with value: 9.200375404047493 and parameters: {'x': 1.485146457738034, 'y': 2.9442744467689}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,162] Trial 15 finished with value: 9.496066674328905 and parameters: {'x': 2.9893985683076987, 'y': 2.285295712632221}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,163] Trial 16 finished with value: 9.20722421376879 and parameters: {'x': 2.888794756172593, 'y': 2.9479421929365683}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,164] Trial 17 finished with value: 9.820418190182155 and parameters: {'x': 2.7489324125385366, 'y': 2.929928470528349}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,165] Trial 18 finished with value: 7.68682424815664 and parameters: {'x': 1.7693477747355273, 'y': 1.6880511561059623}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,166] Trial 19 finished with value: 6.23361005262851 and parameters: {'x': 1.0278738361908484, 'y': 1.4858953052005117}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,167] Trial 20 finished with value: 8.183951521175912 and parameters: {'x': 2.191259277116293, 'y': 1.4515483770275646}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,167] Trial 21 finished with value: 8.387527249929715 and parameters: {'x': 2.317659241765322, 'y': 1.9236263660786883}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,168] Trial 22 finished with value: 7.28969285733878 and parameters: {'x': 1.7768688655704867, 'y': 1.3408983120046298}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,169] Trial 23 finished with value: 9.661281182879502 and parameters: {'x': 2.2434246133626727, 'y': 2.706378756341615}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,170] Trial 24 finished with value: 9.241054440156928 and parameters: {'x': 1.639685998678829, 'y': 2.550800978853915}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,171] Trial 25 finished with value: 9.492202191083631 and parameters: {'x': 2.8437203833277316, 'y': 2.8949435337203635}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,172] Trial 26 finished with value: 8.739874474944795 and parameters: {'x': 1.459781325603565, 'y': 2.351888773662857}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,172] Trial 27 finished with value: 8.973115982363957 and parameters: {'x': 1.6843967683601837, 'y': 2.4048917604855475}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,173] Trial 28 finished with value: 8.47252181314089 and parameters: {'x': 2.922716542694479, 'y': 1.2624815334953179}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,174] Trial 29 finished with value: 7.849748665716774 and parameters: {'x': 2.0648190920986487, 'y': 1.5820191742716103}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,175] Trial 30 finished with value: 7.225452638805441 and parameters: {'x': 1.3323600161247302, 'y': 2.0169392602346585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,176] Trial 31 finished with value: 8.497265009934077 and parameters: {'x': 1.1907150947448137, 'y': 2.711658305757213}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,178] Trial 32 finished with value: 5.58563603594332 and parameters: {'x': 1.164753074337394, 'y': 1.226778345604655}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,179] Trial 33 finished with value: 7.513168780303209 and parameters: {'x': 1.438771558179375, 'y': 1.8561933890452214}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,179] Trial 34 finished with value: 10.036185032484997 and parameters: {'x': 2.7588346246330424, 'y': 2.8045362579158644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,180] Trial 35 finished with value: 9.725500430892048 and parameters: {'x': 2.248857539172614, 'y': 2.5451257493449897}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,181] Trial 36 finished with value: 9.303195937042831 and parameters: {'x': 2.6499797485839593, 'y': 2.129994395445907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,182] Trial 37 finished with value: 7.504659314912903 and parameters: {'x': 1.4170785888985076, 'y': 1.6023382914670337}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,183] Trial 38 finished with value: 7.594638748301016 and parameters: {'x': 1.8407705077703342, 'y': 1.4766582402639137}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,184] Trial 39 finished with value: 8.334347071558396 and parameters: {'x': 1.1195428355366783, 'y': 2.644368853359082}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,184] Trial 40 finished with value: 7.595379550393446 and parameters: {'x': 1.6520069020915964, 'y': 1.9757114648600385}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,185] Trial 41 finished with value: 8.914385594429811 and parameters: {'x': 1.6470517107976008, 'y': 2.376989100206301}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,186] Trial 42 finished with value: 7.0818112184634625 and parameters: {'x': 1.9628877719392275, 'y': 1.3183124993698585}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,187] Trial 43 finished with value: 8.913268618568011 and parameters: {'x': 2.6933015848984994, 'y': 1.8982819389972656}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,188] Trial 44 finished with value: 6.274280378720249 and parameters: {'x': 1.0099471446301753, 'y': 1.527052381039326}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,189] Trial 45 finished with value: 5.204000585932636 and parameters: {'x': 1.216951047813766, 'y': 1.1013262039458973}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,190] Trial 46 finished with value: 9.741805624133733 and parameters: {'x': 2.5259678280944784, 'y': 2.259709570452115}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,190] Trial 47 finished with value: 6.296778616088442 and parameters: {'x': 1.5291890491860796, 'y': 1.0228639505783026}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,191] Trial 48 finished with value: 9.129572645190375 and parameters: {'x': 2.47957554253214, 'y': 1.581063419584534}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,192] Trial 49 finished with value: 10.03449672210819 and parameters: {'x': 2.4140777216988454, 'y': 2.8688241358588593}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,193] Trial 50 finished with value: 7.986420805613088 and parameters: {'x': 1.5869407958655537, 'y': 2.1086035965849828}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,194] Trial 51 finished with value: 7.78469008465053 and parameters: {'x': 1.3794951150973072, 'y': 2.133730616674673}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,195] Trial 52 finished with value: 10.346702498937645 and parameters: {'x': 2.6600353834124157, 'y': 2.5265542823496276}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,195] Trial 53 finished with value: 8.397521047633518 and parameters: {'x': 2.8978919897984197, 'y': 2.0946088457485397}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,196] Trial 54 finished with value: 8.729635565576425 and parameters: {'x': 2.3226416072190963, 'y': 2.1163001449679175}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,197] Trial 55 finished with value: 6.563335605862068 and parameters: {'x': 1.2163645109709191, 'y': 1.871269427619554}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,198] Trial 56 finished with value: 6.873609887768213 and parameters: {'x': 1.2251556830566572, 'y': 1.7367674345443647}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,199] Trial 57 finished with value: 8.80557668194253 and parameters: {'x': 2.3857385187069093, 'y': 1.8044692754689606}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,200] Trial 58 finished with value: 8.48024561077549 and parameters: {'x': 2.859408136043024, 'y': 1.8608932253951125}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,200] Trial 59 finished with value: 7.929450226423043 and parameters: {'x': 1.069350630996834, 'y': 2.4151552500515012}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,201] Trial 60 finished with value: 7.524695733250729 and parameters: {'x': 1.5090899388472594, 'y': 1.4852477824087806}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,202] Trial 61 finished with value: 6.916920537471675 and parameters: {'x': 1.641179571690034, 'y': 1.2137699988751192}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,203] Trial 62 finished with value: 10.022015362074939 and parameters: {'x': 2.354751893467662, 'y': 2.7214581032189935}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,204] Trial 63 finished with value: 5.569058505649405 and parameters: {'x': 1.8750334501787682, 'y': 1.0065938879959706}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,205] Trial 64 finished with value: 9.236481240422165 and parameters: {'x': 2.7225253991380605, 'y': 1.463453956459146}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,206] Trial 65 finished with value: 7.589909153165305 and parameters: {'x': 1.8828143174093952, 'y': 1.4849961540002887}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,207] Trial 66 finished with value: 6.057427416925147 and parameters: {'x': 1.1136598146306471, 'y': 2.0651176783638157}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,208] Trial 67 finished with value: 5.333604535066673 and parameters: {'x': 1.1521593149514442, 'y': 1.1967712091492033}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,209] Trial 68 finished with value: 8.47663339990434 and parameters: {'x': 2.7331662465388735, 'y': 1.1946410227095325}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,210] Trial 69 finished with value: 6.1557427755607605 and parameters: {'x': 2.115689757806627, 'y': 1.075954418838918}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,210] Trial 70 finished with value: 8.21432386178338 and parameters: {'x': 2.426697315572791, 'y': 1.1610984577096755}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,211] Trial 71 finished with value: 9.150950844862605 and parameters: {'x': 1.4810568123213028, 'y': 2.5428552435500063}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,212] Trial 72 finished with value: 6.446630137296186 and parameters: {'x': 1.9154490857784012, 'y': 1.2081435102536793}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,213] Trial 73 finished with value: 7.702963494527083 and parameters: {'x': 1.5491345118660198, 'y': 1.5939876007739795}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,214] Trial 74 finished with value: 7.005032748152567 and parameters: {'x': 1.826844626954173, 'y': 1.9268425602050288}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,215] Trial 75 finished with value: 9.27183740472173 and parameters: {'x': 1.498215097882374, 'y': 2.676718866467224}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,215] Trial 76 finished with value: 6.1788202097104445 and parameters: {'x': 1.4090942518581993, 'y': 1.092598285985039}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,216] Trial 77 finished with value: 8.983446483572983 and parameters: {'x': 2.2413872996736677, 'y': 2.262636501594432}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,217] Trial 78 finished with value: 8.216516191382501 and parameters: {'x': 1.1779154251103852, 'y': 2.812668726136599}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,218] Trial 79 finished with value: 8.454386883504299 and parameters: {'x': 2.3305972180416967, 'y': 1.9835764247236907}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,219] Trial 80 finished with value: 7.850643863378659 and parameters: {'x': 1.7388072343407257, 'y': 2.1404356549330252}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,220] Trial 81 finished with value: 8.548120869822377 and parameters: {'x': 1.2355723676495973, 'y': 2.4716454451936927}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,221] Trial 82 finished with value: 8.386285418856902 and parameters: {'x': 2.7552139515981446, 'y': 1.1836615335225171}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,221] Trial 83 finished with value: 9.33277811056341 and parameters: {'x': 2.2088941144948118, 'y': 2.792964798250159}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,222] Trial 84 finished with value: 10.191009221350768 and parameters: {'x': 2.585848255012078, 'y': 2.9630703840002472}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,223] Trial 85 finished with value: 9.199310232934744 and parameters: {'x': 2.748849783785084, 'y': 1.441554730785663}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,224] Trial 86 finished with value: 9.2646294664593 and parameters: {'x': 1.5948713689545138, 'y': 2.8027793439493904}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,225] Trial 87 finished with value: 7.080688050613922 and parameters: {'x': 1.9661671599435053, 'y': 1.8037364200866381}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,226] Trial 88 finished with value: 9.013415425450534 and parameters: {'x': 2.4163310734970684, 'y': 1.636886697540102}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,227] Trial 89 finished with value: 6.866821452286725 and parameters: {'x': 1.890540471699981, 'y': 1.88483373776394}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,227] Trial 90 finished with value: 5.959158557344825 and parameters: {'x': 1.3281373141813404, 'y': 1.125500051842644}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,228] Trial 91 finished with value: 7.87159220193886 and parameters: {'x': 2.359511515835968, 'y': 1.1279106069988678}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,229] Trial 92 finished with value: 9.202654686101095 and parameters: {'x': 1.4685789842334418, 'y': 2.604580581576726}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,230] Trial 93 finished with value: 7.6448009517846 and parameters: {'x': 2.0921232065193225, 'y': 1.73682311950304}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,231] Trial 94 finished with value: 6.6725930457942475 and parameters: {'x': 1.6921203518903358, 'y': 1.1628807707949569}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,232] Trial 95 finished with value: 6.116863193669975 and parameters: {'x': 1.0694790248579369, 'y': 1.4104985430277928}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,233] Trial 96 finished with value: 8.847283521590567 and parameters: {'x': 1.9662722891008542, 'y': 2.701251138159574}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,234] Trial 97 finished with value: 8.443230082626295 and parameters: {'x': 2.2382451209071936, 'y': 1.6551477720943748}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,235] Trial 98 finished with value: 7.671184542786042 and parameters: {'x': 1.9676209973302294, 'y': 1.5656060031227454}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,236] Trial 99 finished with value: 4.788155844147777 and parameters: {'x': 1.0151800894576377, 'y': 1.200455850814773}. Best is trial 11 with value: 4.280422047649996.\n[I 2023-11-01 05:28:29,237] Trial 100 finished with value: 4.045505869420193 and parameters: {'x': 1.0652252404158025, 'y': 1.0635003202026654}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,238] Trial 101 finished with value: 9.330788286768396 and parameters: {'x': 2.4173773897708193, 'y': 2.1901578920897675}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,238] Trial 102 finished with value: 7.069570698766446 and parameters: {'x': 1.1168049032504792, 'y': 2.222497516983431}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,239] Trial 103 finished with value: 6.317079292167321 and parameters: {'x': 1.0975025588917013, 'y': 2.12549533279568}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,240] Trial 104 finished with value: 9.29855178082329 and parameters: {'x': 1.5324004580461716, 'y': 2.723016150949123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,241] Trial 105 finished with value: 9.192696852614601 and parameters: {'x': 1.4808206774849857, 'y': 2.579008136152047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,242] Trial 106 finished with value: 8.408472658306273 and parameters: {'x': 2.831926346840218, 'y': 1.9197290242202152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,243] Trial 107 finished with value: 10.135310503921435 and parameters: {'x': 2.432192587200304, 'y': 2.5119874467684147}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,244] Trial 108 finished with value: 8.879378516475859 and parameters: {'x': 1.7407377105650303, 'y': 2.3855217737559635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,245] Trial 109 finished with value: 9.055230122907686 and parameters: {'x': 2.717636437055245, 'y': 2.0991095781429183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,246] Trial 110 finished with value: 7.293293823977846 and parameters: {'x': 1.0877372743905704, 'y': 2.273650413650829}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,247] Trial 111 finished with value: 8.919022535429784 and parameters: {'x': 2.95854396879389, 'y': 1.719039694018197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,248] Trial 112 finished with value: 7.3372819602724455 and parameters: {'x': 1.3623366154825576, 'y': 1.5554901490716264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,248] Trial 113 finished with value: 9.030101823932666 and parameters: {'x': 2.6595623168637306, 'y': 1.349405406692998}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,250] Trial 114 finished with value: 6.072245230822357 and parameters: {'x': 1.025040018500134, 'y': 1.4270855245256404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,251] Trial 115 finished with value: 7.427324175144104 and parameters: {'x': 1.5847021930614489, 'y': 1.388083865430075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,251] Trial 116 finished with value: 7.401331252563596 and parameters: {'x': 1.1720633580392537, 'y': 2.236009826109792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,252] Trial 117 finished with value: 7.707729664135554 and parameters: {'x': 1.6475738512480638, 'y': 1.7842152507174118}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,253] Trial 118 finished with value: 8.353403949911574 and parameters: {'x': 2.2922788419771853, 'y': 2.047108234443308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,254] Trial 119 finished with value: 7.901261536827631 and parameters: {'x': 2.0811791251484095, 'y': 1.5553480135828408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,255] Trial 120 finished with value: 7.929999755129986 and parameters: {'x': 2.1030085786156674, 'y': 1.6315349542573745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,256] Trial 121 finished with value: 9.288051746041393 and parameters: {'x': 2.249248175133083, 'y': 2.9212579305581805}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,257] Trial 122 finished with value: 9.073790993777054 and parameters: {'x': 2.556831585636369, 'y': 2.0192050725676203}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,258] Trial 123 finished with value: 6.1928075617926694 and parameters: {'x': 1.381008070971709, 'y': 1.127196872196507}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,259] Trial 124 finished with value: 10.156698962301324 and parameters: {'x': 2.984010254713117, 'y': 2.4756838541668325}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,260] Trial 125 finished with value: 9.874975505572541 and parameters: {'x': 2.48926356962497, 'y': 2.32310916596693}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,261] Trial 126 finished with value: 8.4403157532315 and parameters: {'x': 1.1674159135861502, 'y': 2.5243468662283424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,262] Trial 127 finished with value: 9.139515973359657 and parameters: {'x': 2.9124136588486005, 'y': 1.448544851596652}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,263] Trial 128 finished with value: 7.359019764415692 and parameters: {'x': 1.845559429941528, 'y': 1.3798715708393237}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,264] Trial 129 finished with value: 8.801406402850382 and parameters: {'x': 2.793280477391969, 'y': 2.0995429900681835}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,265] Trial 130 finished with value: 9.16027496754532 and parameters: {'x': 2.958814654897644, 'y': 1.4501058360334536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,266] Trial 131 finished with value: 9.043089465124277 and parameters: {'x': 2.5531846030820153, 'y': 1.394148666766868}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,267] Trial 132 finished with value: 7.606828759224673 and parameters: {'x': 1.628976929975279, 'y': 1.4619861318720995}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,268] Trial 133 finished with value: 9.070587375279917 and parameters: {'x': 1.419020074634894, 'y': 2.5430493560865637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,269] Trial 134 finished with value: 8.922647531691823 and parameters: {'x': 2.403540709078335, 'y': 1.5039144423310895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,270] Trial 135 finished with value: 7.967844530950847 and parameters: {'x': 1.8344664008911205, 'y': 2.2154175816586967}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,271] Trial 136 finished with value: 6.626032192071815 and parameters: {'x': 1.1376050758152119, 'y': 1.5572043930324122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,272] Trial 137 finished with value: 9.659594459444406 and parameters: {'x': 2.7866196797539673, 'y': 2.9979820048454564}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,273] Trial 138 finished with value: 6.347014296917756 and parameters: {'x': 1.1499787305081524, 'y': 1.4010452377707163}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,274] Trial 139 finished with value: 7.529375914538674 and parameters: {'x': 1.4493857009516564, 'y': 1.9428251265097687}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,275] Trial 140 finished with value: 8.81677041121904 and parameters: {'x': 1.3251875112150269, 'y': 2.9930602325129616}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,276] Trial 141 finished with value: 6.910809469825855 and parameters: {'x': 1.265056131105021, 'y': 2.0342370126064235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,277] Trial 142 finished with value: 8.270503495062389 and parameters: {'x': 1.6712378350511055, 'y': 2.2009435486868285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,278] Trial 143 finished with value: 7.452760285030202 and parameters: {'x': 1.3978757960635275, 'y': 1.5886968818444087}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,279] Trial 144 finished with value: 8.04404936965607 and parameters: {'x': 2.2430845548658915, 'y': 2.043992069057082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,280] Trial 145 finished with value: 9.037078848946711 and parameters: {'x': 2.541655139697369, 'y': 1.8839124502404339}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,281] Trial 146 finished with value: 6.982951805949881 and parameters: {'x': 1.781374575788557, 'y': 1.2651621081908913}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,282] Trial 147 finished with value: 9.20171480473229 and parameters: {'x': 1.6080598211760768, 'y': 2.9650186697000382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,283] Trial 148 finished with value: 6.452025938356062 and parameters: {'x': 1.1479419006340799, 'y': 1.4382449336931642}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,284] Trial 149 finished with value: 8.409147936673097 and parameters: {'x': 1.1982455088041204, 'y': 2.458225719447706}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,285] Trial 150 finished with value: 7.5725037722601485 and parameters: {'x': 1.9508953118972576, 'y': 1.6558619568319393}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,286] Trial 151 finished with value: 8.982528233453667 and parameters: {'x': 1.5525808084216455, 'y': 2.41293048193209}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,286] Trial 152 finished with value: 9.041991086654965 and parameters: {'x': 2.0937943692816763, 'y': 2.4277592159001715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,287] Trial 153 finished with value: 5.742279919822625 and parameters: {'x': 1.9597368328208227, 'y': 1.101870834317938}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,288] Trial 154 finished with value: 7.662524506220276 and parameters: {'x': 1.3428920411087246, 'y': 2.135148324498201}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,291] Trial 155 finished with value: 5.412915944788196 and parameters: {'x': 1.990908743954472, 'y': 1.0050198191556126}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,292] Trial 156 finished with value: 7.384637681531171 and parameters: {'x': 1.8039469768756087, 'y': 2.0905831063243143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,293] Trial 157 finished with value: 7.362225966959187 and parameters: {'x': 1.4451194939759322, 'y': 1.4525537484113495}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,294] Trial 158 finished with value: 10.222437021084144 and parameters: {'x': 2.6488242314394013, 'y': 2.433715704140214}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,295] Trial 159 finished with value: 6.896605385291597 and parameters: {'x': 1.027065396478891, 'y': 2.2375282061374557}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,296] Trial 160 finished with value: 9.070807682748207 and parameters: {'x': 2.965189425709962, 'y': 1.4068019970945893}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,297] Trial 161 finished with value: 8.24245966683869 and parameters: {'x': 2.4278280268516204, 'y': 1.1692189477956123}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,298] Trial 162 finished with value: 5.673508204977029 and parameters: {'x': 1.0721727531477638, 'y': 2.0209882776353236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,299] Trial 163 finished with value: 6.685128269118291 and parameters: {'x': 1.0176360039225363, 'y': 2.210740833205314}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,300] Trial 164 finished with value: 7.608037762971426 and parameters: {'x': 1.871629158495657, 'y': 1.6523483721870136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,301] Trial 165 finished with value: 10.386096910354778 and parameters: {'x': 2.5895300471814746, 'y': 2.6305378593259974}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,302] Trial 166 finished with value: 7.40514642679503 and parameters: {'x': 1.7243774639538723, 'y': 1.9789454770033412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,303] Trial 167 finished with value: 9.33732591568054 and parameters: {'x': 2.1457972131567966, 'y': 2.666277852044355}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,304] Trial 168 finished with value: 7.517325492079699 and parameters: {'x': 1.5730197790114377, 'y': 1.436315023136025}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,305] Trial 169 finished with value: 8.954057110696501 and parameters: {'x': 2.565349052914175, 'y': 1.340767290504819}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,306] Trial 170 finished with value: 7.628363624986125 and parameters: {'x': 1.1240421322715355, 'y': 2.9812662390210587}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,307] Trial 171 finished with value: 7.895166227239825 and parameters: {'x': 2.097114156405027, 'y': 1.4841161709967734}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,308] Trial 172 finished with value: 9.650496346883967 and parameters: {'x': 2.878011320154017, 'y': 2.3083770732523208}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,309] Trial 173 finished with value: 10.179377446684578 and parameters: {'x': 2.5992281043426297, 'y': 2.960157496955233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,310] Trial 174 finished with value: 8.393777129433174 and parameters: {'x': 2.87864454294124, 'y': 1.239177096324707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,311] Trial 175 finished with value: 8.117760168554438 and parameters: {'x': 1.6390553207059786, 'y': 2.1544961862419205}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,312] Trial 176 finished with value: 7.780286127425217 and parameters: {'x': 1.9561316950363021, 'y': 2.2200267269991105}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,313] Trial 177 finished with value: 8.97783184216078 and parameters: {'x': 2.4029650756157688, 'y': 1.6597546371143177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,314] Trial 178 finished with value: 9.208872159188012 and parameters: {'x': 2.9549234687416903, 'y': 2.88628287561888}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,315] Trial 179 finished with value: 5.4049656445919965 and parameters: {'x': 1.011013356212266, 'y': 1.9578420384618553}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,316] Trial 180 finished with value: 9.12174191938108 and parameters: {'x': 2.3678749028786994, 'y': 2.17278483879681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,317] Trial 181 finished with value: 10.198826009408865 and parameters: {'x': 2.958641606176584, 'y': 2.5484903125582936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,318] Trial 182 finished with value: 7.6476415377950175 and parameters: {'x': 1.545998442266486, 'y': 1.9323981096163951}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,319] Trial 183 finished with value: 8.124489221721925 and parameters: {'x': 1.6758563638478126, 'y': 2.168679284141233}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,320] Trial 184 finished with value: 7.64968413734136 and parameters: {'x': 2.209815005464777, 'y': 1.2569555742100504}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,321] Trial 185 finished with value: 7.803305947129413 and parameters: {'x': 2.0466239336984975, 'y': 1.5762074968179676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,322] Trial 186 finished with value: 8.05474377153569 and parameters: {'x': 2.1632397775778105, 'y': 1.6998366051182627}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,323] Trial 187 finished with value: 6.144941991306926 and parameters: {'x': 1.7747923908250454, 'y': 1.0826847582822892}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,324] Trial 188 finished with value: 6.2127589120851745 and parameters: {'x': 2.066909130422448, 'y': 1.1382530755142026}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,325] Trial 189 finished with value: 6.561669600397277 and parameters: {'x': 1.115901581604201, 'y': 1.629822531869676}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,326] Trial 190 finished with value: 7.890219400244215 and parameters: {'x': 2.084328797212484, 'y': 1.5148949334884845}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,327] Trial 191 finished with value: 7.464114852010187 and parameters: {'x': 1.8892808907270018, 'y': 1.713626723491136}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,328] Trial 192 finished with value: 7.156552221150989 and parameters: {'x': 1.786094779669809, 'y': 1.960800211946864}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,329] Trial 193 finished with value: 8.951979216755136 and parameters: {'x': 1.7413234774569297, 'y': 2.8444003260863475}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,330] Trial 194 finished with value: 8.613621999490935 and parameters: {'x': 2.277526156650702, 'y': 1.5896308935518735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,331] Trial 195 finished with value: 6.996158886658911 and parameters: {'x': 1.27798756081083, 'y': 1.8105280925644867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,332] Trial 196 finished with value: 8.611348223142354 and parameters: {'x': 2.780063608043692, 'y': 1.2470883370791117}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,333] Trial 197 finished with value: 6.030637405462642 and parameters: {'x': 1.3669459553065468, 'y': 1.0967663914722383}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,334] Trial 198 finished with value: 8.9651624986928 and parameters: {'x': 2.45114124303605, 'y': 1.8177367495614867}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,335] Trial 199 finished with value: 8.915451335211346 and parameters: {'x': 2.335872085479096, 'y': 2.150144686924997}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,336] Trial 200 finished with value: 7.021661568826715 and parameters: {'x': 1.8602528352275918, 'y': 1.8654081939662959}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,337] Trial 201 finished with value: 9.769519658797082 and parameters: {'x': 2.7347930055246903, 'y': 2.281904221003719}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,338] Trial 202 finished with value: 4.469825231897417 and parameters: {'x': 1.1276709782028493, 'y': 1.076434141934986}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,339] Trial 203 finished with value: 10.239785901129567 and parameters: {'x': 2.5334930752056657, 'y': 2.8412627361168794}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,340] Trial 204 finished with value: 8.53553773386228 and parameters: {'x': 1.9038626907012923, 'y': 2.808230478175809}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,341] Trial 205 finished with value: 7.469472666097261 and parameters: {'x': 2.0627178614594097, 'y': 1.361793778177681}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,342] Trial 206 finished with value: 6.667264537099793 and parameters: {'x': 1.155198996514189, 'y': 1.6725570179291875}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,342] Trial 207 finished with value: 9.076853313820374 and parameters: {'x': 1.8583070910014763, 'y': 2.575429422230293}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,343] Trial 208 finished with value: 7.763861642014163 and parameters: {'x': 1.3957039185663036, 'y': 2.115221306953389}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,344] Trial 209 finished with value: 7.931876268965578 and parameters: {'x': 1.0377878625094168, 'y': 2.7386171658588525}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,345] Trial 210 finished with value: 9.291572445362457 and parameters: {'x': 1.5225522661296755, 'y': 2.72999996019061}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,346] Trial 211 finished with value: 7.90789463480928 and parameters: {'x': 2.1580208652985027, 'y': 1.7481916178348185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,347] Trial 212 finished with value: 8.331075538821214 and parameters: {'x': 1.3086571202225628, 'y': 2.322867543653529}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,348] Trial 213 finished with value: 7.134902741194471 and parameters: {'x': 1.311339134694525, 'y': 1.8159808263688133}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,349] Trial 214 finished with value: 8.508767907255717 and parameters: {'x': 1.5328694871482778, 'y': 2.253473258892857}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,350] Trial 215 finished with value: 10.160814928725088 and parameters: {'x': 2.4340858563813637, 'y': 2.5328342880614736}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,351] Trial 216 finished with value: 7.520519248925659 and parameters: {'x': 2.8358217538122545, 'y': 1.0073602356390727}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,352] Trial 217 finished with value: 8.734898042294475 and parameters: {'x': 2.3976126842507304, 'y': 1.9818004671370137}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,353] Trial 218 finished with value: 9.212983735328182 and parameters: {'x': 2.5707009425331124, 'y': 1.510914137767352}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,354] Trial 219 finished with value: 7.630386114164498 and parameters: {'x': 2.290055224334804, 'y': 1.1542707595107782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,355] Trial 220 finished with value: 9.223023627226235 and parameters: {'x': 1.4874256907368923, 'y': 2.8243687678809852}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,356] Trial 221 finished with value: 6.491452216777805 and parameters: {'x': 2.178628325873583, 'y': 1.0417939251882566}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,357] Trial 222 finished with value: 8.964465884983193 and parameters: {'x': 2.435201368490529, 'y': 1.4774745015263917}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,358] Trial 223 finished with value: 9.787167605334385 and parameters: {'x': 2.5102236610164814, 'y': 2.280925654939244}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,359] Trial 224 finished with value: 10.263157219003295 and parameters: {'x': 2.4943112514176353, 'y': 2.7744643239933993}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,360] Trial 225 finished with value: 8.10062600422781 and parameters: {'x': 1.4212237274775974, 'y': 2.1854087410493284}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,361] Trial 226 finished with value: 7.400051605325441 and parameters: {'x': 1.3919703351200805, 'y': 1.549329359587792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,362] Trial 227 finished with value: 10.142835796284338 and parameters: {'x': 2.4810205514098005, 'y': 2.947362586144786}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,363] Trial 228 finished with value: 7.315275574586037 and parameters: {'x': 1.9544917597569376, 'y': 1.746454737362182}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,364] Trial 229 finished with value: 8.02264358861355 and parameters: {'x': 2.024667187134299, 'y': 2.9507638023385447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,365] Trial 230 finished with value: 7.650780229269962 and parameters: {'x': 1.5589595248514958, 'y': 1.8963027349856008}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,366] Trial 231 finished with value: 8.75642052006269 and parameters: {'x': 1.2578489085880764, 'y': 2.573495333602545}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,367] Trial 232 finished with value: 7.720926630613398 and parameters: {'x': 1.6683961727920873, 'y': 2.0584749448370667}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,368] Trial 233 finished with value: 10.111196291118265 and parameters: {'x': 2.388544278181339, 'y': 2.5758930870083345}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,369] Trial 234 finished with value: 8.999141681351706 and parameters: {'x': 1.3880499083930444, 'y': 2.9198551748985655}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,370] Trial 235 finished with value: 6.947255849127545 and parameters: {'x': 1.3017815054591813, 'y': 1.4239006206842184}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,372] Trial 236 finished with value: 8.093163601417645 and parameters: {'x': 1.022966381407082, 'y': 2.511672249150409}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,373] Trial 237 finished with value: 9.244523525498478 and parameters: {'x': 2.1309296907352304, 'y': 2.687476427568785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,374] Trial 238 finished with value: 7.404512967642068 and parameters: {'x': 1.325042353063805, 'y': 2.0888798280457053}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,375] Trial 239 finished with value: 8.276865554192819 and parameters: {'x': 2.184880893629826, 'y': 2.178955012453271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,376] Trial 240 finished with value: 9.001965784325948 and parameters: {'x': 2.6346136475206117, 'y': 1.9949438321654618}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,377] Trial 241 finished with value: 6.951984210410229 and parameters: {'x': 2.0125264882488345, 'y': 1.2811406982064169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,378] Trial 242 finished with value: 9.059296508005236 and parameters: {'x': 1.3974245366863893, 'y': 2.5622304428793035}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,379] Trial 243 finished with value: 8.206034009843497 and parameters: {'x': 2.9364115200634586, 'y': 1.883919482780143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,380] Trial 244 finished with value: 9.921919105284765 and parameters: {'x': 2.8470228282279604, 'y': 2.3680211380618044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,381] Trial 245 finished with value: 5.862369248339185 and parameters: {'x': 1.1142529535002255, 'y': 2.0076454952194416}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,382] Trial 246 finished with value: 7.481016763418873 and parameters: {'x': 2.0251579459513422, 'y': 1.7229460313825542}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,383] Trial 247 finished with value: 9.084504448433803 and parameters: {'x': 2.5598314697394455, 'y': 1.84622302020528}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,384] Trial 248 finished with value: 9.730779841830977 and parameters: {'x': 2.705026542530438, 'y': 2.261172872438412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,385] Trial 249 finished with value: 6.970087709999072 and parameters: {'x': 2.2056625156106104, 'y': 1.1199626417334956}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,386] Trial 250 finished with value: 8.953933738523933 and parameters: {'x': 2.702914966726759, 'y': 1.860231761427788}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,387] Trial 251 finished with value: 9.748424617891873 and parameters: {'x': 2.4667731201567493, 'y': 2.2888764660961294}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,388] Trial 252 finished with value: 9.167673651450142 and parameters: {'x': 2.072195797772089, 'y': 2.610655666055697}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,389] Trial 253 finished with value: 7.147031598038101 and parameters: {'x': 1.291699180736912, 'y': 1.7390061583839724}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,390] Trial 254 finished with value: 6.116670622794018 and parameters: {'x': 2.1301272592646647, 'y': 1.0347697813695165}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,391] Trial 255 finished with value: 8.208828599746406 and parameters: {'x': 2.2867287156201046, 'y': 1.9679983737249274}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,392] Trial 256 finished with value: 6.548620766445598 and parameters: {'x': 1.2044888856944802, 'y': 1.4005015727656103}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,393] Trial 257 finished with value: 10.31713510610331 and parameters: {'x': 2.612563047786084, 'y': 2.7704625571335404}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,394] Trial 258 finished with value: 10.084552858039983 and parameters: {'x': 2.4972956483612614, 'y': 2.4135511676669017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,395] Trial 259 finished with value: 8.704815048381596 and parameters: {'x': 1.8348199894899018, 'y': 2.816913002698824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,396] Trial 260 finished with value: 9.909882350543576 and parameters: {'x': 2.782731419649844, 'y': 2.8262820425631365}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,397] Trial 261 finished with value: 5.976489893672717 and parameters: {'x': 1.7736308753893941, 'y': 1.020860693431882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,398] Trial 262 finished with value: 5.927980057999747 and parameters: {'x': 2.016682408877395, 'y': 1.121591782697312}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,399] Trial 263 finished with value: 8.858717705415632 and parameters: {'x': 1.5563968701377697, 'y': 2.3616592332265505}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,400] Trial 264 finished with value: 10.033313474090175 and parameters: {'x': 2.9006873116428213, 'y': 2.692515618646322}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,401] Trial 265 finished with value: 8.880528053164227 and parameters: {'x': 1.3391217993231546, 'y': 2.5119201657605466}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,404] Trial 266 finished with value: 6.512793795585026 and parameters: {'x': 1.0973914976258345, 'y': 1.598088367554651}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,405] Trial 267 finished with value: 10.133308161929415 and parameters: {'x': 2.4722329634215807, 'y': 2.9038913264736412}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,406] Trial 268 finished with value: 9.009577894524508 and parameters: {'x': 2.848278275800719, 'y': 1.71975219955167}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,407] Trial 269 finished with value: 9.073466277909414 and parameters: {'x': 1.8477499271033209, 'y': 2.544824490259407}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,407] Trial 270 finished with value: 8.857712616202502 and parameters: {'x': 2.7763762931812623, 'y': 2.0978016101308743}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,408] Trial 271 finished with value: 8.336836626348964 and parameters: {'x': 2.3795700310590426, 'y': 1.2465209738223508}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,409] Trial 272 finished with value: 5.916158701235933 and parameters: {'x': 1.362378593042143, 'y': 1.0660251203586257}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,410] Trial 273 finished with value: 9.146929015217898 and parameters: {'x': 1.8033754828833874, 'y': 2.6047616206447453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,411] Trial 274 finished with value: 7.438775490254871 and parameters: {'x': 1.7578386164256896, 'y': 1.8327485767740324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,412] Trial 275 finished with value: 7.535911323474094 and parameters: {'x': 1.6806223274483807, 'y': 1.9795460472091044}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,413] Trial 276 finished with value: 7.2692615352023005 and parameters: {'x': 1.3721922862035816, 'y': 1.4889755041007238}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,414] Trial 277 finished with value: 10.156213247691806 and parameters: {'x': 2.439013905615374, 'y': 2.798546701303678}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,415] Trial 278 finished with value: 7.594454224312965 and parameters: {'x': 1.7836186155171991, 'y': 1.7335789878704169}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,415] Trial 279 finished with value: 9.692863147985143 and parameters: {'x': 2.830534386150495, 'y': 2.8448425756608664}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,416] Trial 280 finished with value: 10.354735182718246 and parameters: {'x': 2.654619006311158, 'y': 2.535702751682674}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,417] Trial 281 finished with value: 9.59974810128511 and parameters: {'x': 2.2129591988883632, 'y': 2.6594307933091414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,418] Trial 282 finished with value: 9.171231249430022 and parameters: {'x': 2.4126063326685623, 'y': 2.1477052796850047}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,419] Trial 283 finished with value: 4.423097764063691 and parameters: {'x': 1.1136507650040754, 'y': 1.085185414659418}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,420] Trial 284 finished with value: 8.518116853818347 and parameters: {'x': 2.2714436670861144, 'y': 1.4799874049703434}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,421] Trial 285 finished with value: 6.308183889141347 and parameters: {'x': 1.1798253175175006, 'y': 1.358477133667177}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,422] Trial 286 finished with value: 5.721946692056417 and parameters: {'x': 1.0636206120922096, 'y': 1.8733061965353646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,423] Trial 287 finished with value: 7.677943634548251 and parameters: {'x': 1.121973471590385, 'y': 2.9035790410998183}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,424] Trial 288 finished with value: 9.151799227058577 and parameters: {'x': 2.6069182409954905, 'y': 1.7996328195485836}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,425] Trial 289 finished with value: 10.013127416178817 and parameters: {'x': 2.4167858431807874, 'y': 2.9164976263663602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,425] Trial 290 finished with value: 4.998303328378896 and parameters: {'x': 1.1542956742066215, 'y': 1.140781609596429}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,426] Trial 291 finished with value: 8.28114606706547 and parameters: {'x': 2.1879466071750313, 'y': 1.5581671187822235}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,427] Trial 292 finished with value: 8.832524046610402 and parameters: {'x': 2.300366007103639, 'y': 2.16793189577589}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,428] Trial 293 finished with value: 5.711376066059369 and parameters: {'x': 1.094322932423767, 'y': 1.9411323943054628}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,429] Trial 294 finished with value: 7.760929512264443 and parameters: {'x': 2.071568489594031, 'y': 1.4523217653510414}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,430] Trial 295 finished with value: 9.671827782479724 and parameters: {'x': 2.9922109078108097, 'y': 2.7826847496567426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,431] Trial 296 finished with value: 6.710962291458795 and parameters: {'x': 2.0479007588535945, 'y': 1.2261318608148313}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,432] Trial 297 finished with value: 9.202996753526495 and parameters: {'x': 2.8645562118427224, 'y': 1.6129257002416637}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,433] Trial 298 finished with value: 5.60593399078077 and parameters: {'x': 1.0573022885455976, 'y': 1.3062488386606321}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,434] Trial 299 finished with value: 6.58244865409225 and parameters: {'x': 1.3655659763270604, 'y': 1.2432668725475122}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,435] Trial 300 finished with value: 6.2066836519014394 and parameters: {'x': 1.331275367399907, 'y': 1.182084471528453}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,436] Trial 301 finished with value: 8.984835506742034 and parameters: {'x': 2.0438870786774963, 'y': 2.6836625341675298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,436] Trial 302 finished with value: 9.135668282526662 and parameters: {'x': 1.6844674053929338, 'y': 2.482716416022635}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,437] Trial 303 finished with value: 10.359646028416753 and parameters: {'x': 2.5754761557918533, 'y': 2.7198582320674056}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,438] Trial 304 finished with value: 7.361657153468046 and parameters: {'x': 1.3571872591947314, 'y': 1.75345728109374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,439] Trial 305 finished with value: 7.913504782012886 and parameters: {'x': 2.2567402470676416, 'y': 1.2652867032397062}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,440] Trial 306 finished with value: 9.347623407815192 and parameters: {'x': 2.1932762319899344, 'y': 2.7575887786576088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,441] Trial 307 finished with value: 6.238482058571574 and parameters: {'x': 1.398568508516686, 'y': 1.1219645882466098}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,442] Trial 308 finished with value: 9.255211632335527 and parameters: {'x': 2.1065275363082856, 'y': 2.623147599225602}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,443] Trial 309 finished with value: 7.9259135284926625 and parameters: {'x': 2.401557205780505, 'y': 1.0884686415000555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,444] Trial 310 finished with value: 9.912652969472223 and parameters: {'x': 2.4927665585904117, 'y': 2.3362285111941388}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,445] Trial 311 finished with value: 7.9160816136541055 and parameters: {'x': 2.086039549812548, 'y': 1.5718753826147212}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,446] Trial 312 finished with value: 8.846211582353332 and parameters: {'x': 2.7946975959997085, 'y': 2.1111493443901646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,446] Trial 313 finished with value: 8.447724376654612 and parameters: {'x': 1.231940729779242, 'y': 2.4329241473881456}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,447] Trial 314 finished with value: 7.552500541854169 and parameters: {'x': 1.7919999988976703, 'y': 1.7463777927679258}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,448] Trial 315 finished with value: 9.218512393996935 and parameters: {'x': 1.5175664405513307, 'y': 2.924995588232765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,449] Trial 316 finished with value: 6.857585341545889 and parameters: {'x': 2.0710526351204024, 'y': 1.9257182649214797}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,450] Trial 317 finished with value: 6.2545662723315765 and parameters: {'x': 1.0302565320977815, 'y': 2.150580729287884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,451] Trial 318 finished with value: 7.983987219108325 and parameters: {'x': 2.4111627134494213, 'y': 1.0980217544085398}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,452] Trial 319 finished with value: 8.357108631911709 and parameters: {'x': 1.2100873805705843, 'y': 2.820830469555223}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,453] Trial 320 finished with value: 6.699130383291198 and parameters: {'x': 1.215682949072571, 'y': 2.0632357475823735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,454] Trial 321 finished with value: 8.948976386936518 and parameters: {'x': 1.331367634034851, 'y': 2.581299783112364}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,455] Trial 322 finished with value: 7.982138721518298 and parameters: {'x': 1.988398470351165, 'y': 2.945407386064451}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,455] Trial 323 finished with value: 9.745623933776441 and parameters: {'x': 2.30428299904322, 'y': 2.805664681125419}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,456] Trial 324 finished with value: 7.613461888965885 and parameters: {'x': 1.0069534961965363, 'y': 2.8127180219484327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,457] Trial 325 finished with value: 7.652181636405894 and parameters: {'x': 1.8566641006360123, 'y': 1.5309023468189245}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,458] Trial 326 finished with value: 9.162199390098213 and parameters: {'x': 2.9688223241275935, 'y': 2.8965908439695895}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,459] Trial 327 finished with value: 8.603561199051127 and parameters: {'x': 2.101710342423472, 'y': 2.8472037870659075}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,460] Trial 328 finished with value: 9.238104079329661 and parameters: {'x': 1.4645047073963369, 'y': 2.7201884102366276}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,461] Trial 329 finished with value: 9.2059890001439 and parameters: {'x': 1.5029492524669203, 'y': 2.570755821365006}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,462] Trial 330 finished with value: 8.662235215716079 and parameters: {'x': 1.9668160413505607, 'y': 2.7570260466308625}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,463] Trial 331 finished with value: 4.387601305751666 and parameters: {'x': 1.1063704438455368, 'y': 1.0869451970964539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,464] Trial 332 finished with value: 8.743504814708885 and parameters: {'x': 2.42920152555666, 'y': 1.3500254719172264}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,465] Trial 333 finished with value: 7.474602128171121 and parameters: {'x': 1.152829659231377, 'y': 2.263024436911833}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,466] Trial 334 finished with value: 7.7139152591869955 and parameters: {'x': 2.083902436337981, 'y': 1.7042422360941185}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,467] Trial 335 finished with value: 9.064165098697746 and parameters: {'x': 2.196396028837885, 'y': 2.868474069611013}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,467] Trial 336 finished with value: 7.526207724974352 and parameters: {'x': 1.748765975307913, 'y': 1.4175092102644002}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,468] Trial 337 finished with value: 8.87318611022771 and parameters: {'x': 1.4301086067741993, 'y': 2.4221290283239707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,469] Trial 338 finished with value: 7.437628554622544 and parameters: {'x': 1.5370848528034777, 'y': 1.4164035735238645}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,470] Trial 339 finished with value: 9.108528828823486 and parameters: {'x': 2.8221419136641974, 'y': 1.4137540686047536}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,471] Trial 340 finished with value: 10.224469832486484 and parameters: {'x': 2.7627939976725715, 'y': 2.712650585544082}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,472] Trial 341 finished with value: 9.157248639712966 and parameters: {'x': 1.621381698958753, 'y': 2.490024536343387}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,473] Trial 342 finished with value: 9.067096629559234 and parameters: {'x': 2.965909978088968, 'y': 2.9290256135131707}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,474] Trial 343 finished with value: 8.20828834637247 and parameters: {'x': 2.551873644603601, 'y': 1.0660867667675091}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,475] Trial 344 finished with value: 7.619650128094548 and parameters: {'x': 2.0644661743154415, 'y': 1.4042470172553296}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,476] Trial 345 finished with value: 8.763579496092841 and parameters: {'x': 1.6545509357446349, 'y': 2.3265521680886843}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,476] Trial 346 finished with value: 10.329168526789621 and parameters: {'x': 2.644777207725301, 'y': 2.5097392192993073}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,477] Trial 347 finished with value: 6.209810066889293 and parameters: {'x': 1.794374892990855, 'y': 1.1141125151488116}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,478] Trial 348 finished with value: 7.984742852035451 and parameters: {'x': 1.092178496970699, 'y': 2.41579734736726}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,479] Trial 349 finished with value: 8.870990662413382 and parameters: {'x': 1.3414984313948313, 'y': 2.982007944245219}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,480] Trial 350 finished with value: 8.966183159301048 and parameters: {'x': 2.4075892104439074, 'y': 1.7079217481458522}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,481] Trial 351 finished with value: 7.656693888229608 and parameters: {'x': 1.8518279470371772, 'y': 1.6238590298596043}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,482] Trial 352 finished with value: 9.062458866554683 and parameters: {'x': 2.6177201797519714, 'y': 1.8642498769805247}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,483] Trial 353 finished with value: 9.018050055020714 and parameters: {'x': 2.4187002604843553, 'y': 1.6138392905141121}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,484] Trial 354 finished with value: 8.991109902167452 and parameters: {'x': 1.3703645448408575, 'y': 2.834356324376323}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,485] Trial 355 finished with value: 8.38152104519662 and parameters: {'x': 1.1555343303547916, 'y': 2.7006567266890333}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,486] Trial 356 finished with value: 6.212801250088436 and parameters: {'x': 1.1805670600758351, 'y': 1.3342035077899745}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,486] Trial 357 finished with value: 7.941553127535705 and parameters: {'x': 2.7592288821782676, 'y': 1.0706680098479076}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,487] Trial 358 finished with value: 7.224303585235438 and parameters: {'x': 1.3045011153751436, 'y': 1.6118863229503622}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,488] Trial 359 finished with value: 8.44450330401257 and parameters: {'x': 2.2335451159558417, 'y': 1.628179759156297}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,489] Trial 360 finished with value: 7.044886595511825 and parameters: {'x': 1.9972271639585526, 'y': 1.3032450288065827}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,490] Trial 361 finished with value: 8.270774653868527 and parameters: {'x': 2.8974389690073172, 'y': 1.888026611242919}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,491] Trial 362 finished with value: 8.91666182979364 and parameters: {'x': 2.4368892491097727, 'y': 1.4377983452111882}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,492] Trial 363 finished with value: 10.088239690096223 and parameters: {'x': 2.865870145047425, 'y': 2.4358911847461413}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,493] Trial 364 finished with value: 8.78965221877254 and parameters: {'x': 2.3358581438953543, 'y': 1.6618000006359324}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,494] Trial 365 finished with value: 10.125686298125409 and parameters: {'x': 2.445415598969073, 'y': 2.84484078419461}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,494] Trial 366 finished with value: 7.343383611464031 and parameters: {'x': 1.7769158794075075, 'y': 2.0507637598350668}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,495] Trial 367 finished with value: 7.997988774164467 and parameters: {'x': 2.2356426584991205, 'y': 2.0451278303879987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,496] Trial 368 finished with value: 8.205247029616046 and parameters: {'x': 2.187146945707058, 'y': 1.4742898645858042}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,497] Trial 369 finished with value: 9.00406642736227 and parameters: {'x': 1.9929649460017025, 'y': 2.5078903999195608}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,498] Trial 370 finished with value: 5.226188688989737 and parameters: {'x': 1.0087444470767506, 'y': 1.2633840962145775}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,499] Trial 371 finished with value: 8.71485187368858 and parameters: {'x': 1.3079096308120766, 'y': 2.9738261872510607}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,500] Trial 372 finished with value: 9.216845434625913 and parameters: {'x': 1.508575392047343, 'y': 2.8773204260382386}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,501] Trial 373 finished with value: 9.17989793263459 and parameters: {'x': 2.8841994959270485, 'y': 1.621651975448489}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,502] Trial 374 finished with value: 8.98557586111079 and parameters: {'x': 2.500830384642061, 'y': 1.8944341497362096}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,502] Trial 375 finished with value: 9.303369240522263 and parameters: {'x': 1.5391501775074237, 'y': 2.711571907670349}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,503] Trial 376 finished with value: 8.750471615681288 and parameters: {'x': 1.4913406700000764, 'y': 2.341732508736907}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,504] Trial 377 finished with value: 7.227982143201142 and parameters: {'x': 1.3268853102432239, 'y': 1.7885289413291054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,505] Trial 378 finished with value: 10.023162229027282 and parameters: {'x': 2.396048090406278, 'y': 2.8314615713289455}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,506] Trial 379 finished with value: 6.092896856433121 and parameters: {'x': 1.7911165415621344, 'y': 1.08382619235308}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,507] Trial 380 finished with value: 6.120317782062621 and parameters: {'x': 1.4032309691122884, 'y': 1.079894591239306}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,508] Trial 381 finished with value: 7.022502908484473 and parameters: {'x': 1.8824910993699955, 'y': 1.3033402032471397}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,509] Trial 382 finished with value: 7.652674431707082 and parameters: {'x': 1.8497308313116698, 'y': 1.6310518292420932}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,510] Trial 383 finished with value: 5.822719727358805 and parameters: {'x': 1.3215559497308957, 'y': 1.0981061820951246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,510] Trial 384 finished with value: 7.373644800992425 and parameters: {'x': 1.3940794368916745, 'y': 1.9120470222848358}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,512] Trial 385 finished with value: 5.481155598344511 and parameters: {'x': 1.9414607876752354, 'y': 1.0393575200952851}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,512] Trial 386 finished with value: 10.096454316474768 and parameters: {'x': 2.4543933766663644, 'y': 2.928712322892695}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,513] Trial 387 finished with value: 6.370030836329917 and parameters: {'x': 1.3548891051987708, 'y': 1.1986347193634166}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,514] Trial 388 finished with value: 8.509039975333158 and parameters: {'x': 2.322081543679178, 'y': 1.8428832782616735}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,515] Trial 389 finished with value: 7.267810238351741 and parameters: {'x': 1.6160281384053163, 'y': 1.3184453833011878}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,516] Trial 390 finished with value: 5.601143816756288 and parameters: {'x': 1.0084796381477859, 'y': 1.8664753046910936}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,517] Trial 391 finished with value: 9.279754455615958 and parameters: {'x': 2.873043369326268, 'y': 2.9390091395584017}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,518] Trial 392 finished with value: 7.491358104879318 and parameters: {'x': 2.1375796868486256, 'y': 1.8391439039291715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,519] Trial 393 finished with value: 7.469105104664758 and parameters: {'x': 1.7923971939999055, 'y': 2.0989587544380424}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,520] Trial 394 finished with value: 8.956798399528843 and parameters: {'x': 1.711999584921766, 'y': 2.9091711768326656}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,521] Trial 395 finished with value: 9.174547757972167 and parameters: {'x': 2.840890581133052, 'y': 1.4561757164149107}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,522] Trial 396 finished with value: 7.851700424065141 and parameters: {'x': 1.7113279109352795, 'y': 2.123481419395448}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,522] Trial 397 finished with value: 7.750692605356102 and parameters: {'x': 1.6902889832813934, 'y': 1.5623461183014966}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,523] Trial 398 finished with value: 8.755451855147848 and parameters: {'x': 2.911761337310541, 'y': 1.3197890733099533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,524] Trial 399 finished with value: 10.268295211866295 and parameters: {'x': 2.476466615710587, 'y': 2.7332328340294563}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,525] Trial 400 finished with value: 6.417574443703831 and parameters: {'x': 2.177474958724643, 'y': 1.005653626481327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,526] Trial 401 finished with value: 7.668896523263015 and parameters: {'x': 1.644378784575017, 'y': 1.4968063585350646}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,528] Trial 402 finished with value: 8.19298658310015 and parameters: {'x': 2.431289201640437, 'y': 1.149653767432715}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,528] Trial 403 finished with value: 8.97130164568623 and parameters: {'x': 2.0238418672969654, 'y': 2.464378965120093}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,529] Trial 404 finished with value: 9.9498222644883 and parameters: {'x': 2.888144037415016, 'y': 2.3893540652536975}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,530] Trial 405 finished with value: 8.946878681936214 and parameters: {'x': 2.4819106838477336, 'y': 1.9690251042928717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,531] Trial 406 finished with value: 9.2775145368802 and parameters: {'x': 1.6086848468720156, 'y': 2.7757886297325713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,532] Trial 407 finished with value: 6.0398599077263455 and parameters: {'x': 1.0094173253653007, 'y': 2.126016301637884}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,533] Trial 408 finished with value: 7.172267725737418 and parameters: {'x': 1.8647089587091887, 'y': 2.0967083242682962}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,534] Trial 409 finished with value: 10.06942366313142 and parameters: {'x': 2.368979331565893, 'y': 2.7081400803511215}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,535] Trial 410 finished with value: 6.13664299399473 and parameters: {'x': 1.0540333265179518, 'y': 1.4282302453602083}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,536] Trial 411 finished with value: 7.308753587807553 and parameters: {'x': 1.330671073227345, 'y': 1.6984403303355533}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,537] Trial 412 finished with value: 6.767207011793218 and parameters: {'x': 1.206523047230095, 'y': 1.7496095327225718}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,538] Trial 413 finished with value: 8.92360731321179 and parameters: {'x': 1.3945161668885826, 'y': 2.4748484732751246}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,539] Trial 414 finished with value: 6.680035661311976 and parameters: {'x': 1.9976931371083386, 'y': 2.0379928984768765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,540] Trial 415 finished with value: 7.414252441736993 and parameters: {'x': 1.534572725393671, 'y': 1.4067465865126285}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,541] Trial 416 finished with value: 8.9996012583928 and parameters: {'x': 2.585170495454305, 'y': 1.3532149268593918}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,542] Trial 417 finished with value: 9.90548167086543 and parameters: {'x': 2.3399565787146277, 'y': 2.787020230782926}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,543] Trial 418 finished with value: 7.691607288024512 and parameters: {'x': 1.1359010765855024, 'y': 2.9686284408298524}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,544] Trial 419 finished with value: 9.796735720491617 and parameters: {'x': 2.820579493870747, 'y': 2.823207076944582}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,545] Trial 420 finished with value: 6.260789565502911 and parameters: {'x': 1.81156678146324, 'y': 1.1360440007461408}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,546] Trial 421 finished with value: 9.21860388769146 and parameters: {'x': 2.4250417759272396, 'y': 2.151886634469717}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,547] Trial 422 finished with value: 9.088805627236487 and parameters: {'x': 2.4946484937597644, 'y': 1.489491780477701}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,548] Trial 423 finished with value: 6.226677245473308 and parameters: {'x': 1.1477089283401192, 'y': 2.056377420203176}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,548] Trial 424 finished with value: 8.483973107680615 and parameters: {'x': 2.3302930707241654, 'y': 1.8862617093564347}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,549] Trial 425 finished with value: 10.189866481093429 and parameters: {'x': 2.8205578954962713, 'y': 2.6743642252871402}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,550] Trial 426 finished with value: 4.266283468162449 and parameters: {'x': 1.128574522835871, 'y': 1.0186489038456865}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,551] Trial 427 finished with value: 8.788669762186533 and parameters: {'x': 1.3313453765359875, 'y': 2.4692989209762657}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,552] Trial 428 finished with value: 9.897316989347988 and parameters: {'x': 2.379633485342911, 'y': 2.9387309613275088}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,553] Trial 429 finished with value: 7.733897179743261 and parameters: {'x': 2.3548144243288824, 'y': 1.0883146783356357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,554] Trial 430 finished with value: 9.770730743480064 and parameters: {'x': 2.34392440316154, 'y': 2.9737399239212152}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,555] Trial 431 finished with value: 6.651404870689522 and parameters: {'x': 1.2401114796732557, 'y': 1.9103876401791673}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,556] Trial 432 finished with value: 8.624387367423939 and parameters: {'x': 2.343842819069655, 'y': 1.402892703320057}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,557] Trial 433 finished with value: 7.319391065120538 and parameters: {'x': 1.3369742062000984, 'y': 1.7193648999124012}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,558] Trial 434 finished with value: 8.63207059410576 and parameters: {'x': 1.568076793133939, 'y': 2.284355408978114}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,558] Trial 435 finished with value: 6.170131843245223 and parameters: {'x': 1.0418953375485036, 'y': 2.135054245104543}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,559] Trial 436 finished with value: 10.369997992085416 and parameters: {'x': 2.61908092246873, 'y': 2.7087079857491236}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,560] Trial 437 finished with value: 8.214286391310745 and parameters: {'x': 2.1802285557954493, 'y': 1.6466895137837072}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,561] Trial 438 finished with value: 6.5325083151338745 and parameters: {'x': 1.301511960988448, 'y': 1.2904075186733923}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,562] Trial 439 finished with value: 7.81961102131716 and parameters: {'x': 1.951071480713511, 'y': 2.225511766887371}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,563] Trial 440 finished with value: 8.789791847209642 and parameters: {'x': 1.752568510864902, 'y': 2.9694528025425426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,564] Trial 441 finished with value: 8.845951391776083 and parameters: {'x': 2.9348530597453095, 'y': 1.7386220876900822}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,565] Trial 442 finished with value: 6.8313562893640825 and parameters: {'x': 1.1584195744800634, 'y': 2.1553107291156395}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,566] Trial 443 finished with value: 8.282440802944908 and parameters: {'x': 2.084635187581866, 'y': 2.9245462877708213}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,567] Trial 444 finished with value: 8.144098982016738 and parameters: {'x': 2.170455647030789, 'y': 1.6684600849133298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,567] Trial 445 finished with value: 9.296643075908719 and parameters: {'x': 2.615662796561897, 'y': 1.6100294259063987}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,568] Trial 446 finished with value: 9.19390522333622 and parameters: {'x': 2.710246886375865, 'y': 2.130858864690644}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,569] Trial 447 finished with value: 7.531965885725688 and parameters: {'x': 1.9211051500257048, 'y': 1.6758861594909447}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,570] Trial 448 finished with value: 7.331382168303733 and parameters: {'x': 1.67953723621456, 'y': 1.3365870657098382}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,571] Trial 449 finished with value: 9.116973692268562 and parameters: {'x': 1.820991457831393, 'y': 2.567164362724064}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,572] Trial 450 finished with value: 7.53338235239057 and parameters: {'x': 1.9203094803694931, 'y': 2.1793049604401054}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,573] Trial 451 finished with value: 9.224526595418926 and parameters: {'x': 2.9455951435052024, 'y': 1.5139853696768606}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,574] Trial 452 finished with value: 9.223170573081077 and parameters: {'x': 2.8334166644240124, 'y': 2.20836504015143}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,575] Trial 453 finished with value: 6.999654263756282 and parameters: {'x': 2.1589629880195247, 'y': 1.1846411930598055}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,575] Trial 454 finished with value: 9.474341672965183 and parameters: {'x': 2.3580782494123866, 'y': 2.279417077265129}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,576] Trial 455 finished with value: 9.253298623237097 and parameters: {'x': 2.253015026281642, 'y': 2.3185464367108874}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,577] Trial 456 finished with value: 8.602639781988247 and parameters: {'x': 2.275602548119463, 'y': 1.624827040663725}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,578] Trial 457 finished with value: 7.068551848614295 and parameters: {'x': 1.2603772254821308, 'y': 1.5837727142113327}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,579] Trial 458 finished with value: 7.263162553099972 and parameters: {'x': 1.5488473138379997, 'y': 1.3364308979656776}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,580] Trial 459 finished with value: 5.765175900097962 and parameters: {'x': 1.1229934553422611, 'y': 1.2923904534654271}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,581] Trial 460 finished with value: 8.572357997524358 and parameters: {'x': 1.257217475209221, 'y': 2.8270229736591785}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,582] Trial 461 finished with value: 7.415567768970856 and parameters: {'x': 1.7180858011424407, 'y': 1.934051058822824}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,583] Trial 462 finished with value: 9.803728923767403 and parameters: {'x': 2.5377612159072194, 'y': 2.2768073417972357}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,583] Trial 463 finished with value: 9.955064351324634 and parameters: {'x': 2.3275460896894495, 'y': 2.5531141437345415}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,584] Trial 464 finished with value: 5.517910246875086 and parameters: {'x': 1.2201709091358888, 'y': 1.1594546254794982}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,585] Trial 465 finished with value: 8.061151142105938 and parameters: {'x': 2.024787757538992, 'y': 2.9274920965050972}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,586] Trial 466 finished with value: 9.397189288983204 and parameters: {'x': 2.1515716756798198, 'y': 2.5306991635013265}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,587] Trial 467 finished with value: 5.985517249850933 and parameters: {'x': 1.3849905711991588, 'y': 1.055927677523281}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,588] Trial 468 finished with value: 9.097225643154763 and parameters: {'x': 1.4351199031730522, 'y': 2.5454135155465614}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,589] Trial 469 finished with value: 7.349261704988377 and parameters: {'x': 1.35346191711857, 'y': 1.7546081296735883}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,589] Trial 470 finished with value: 9.272408270563856 and parameters: {'x': 2.875235831831837, 'y': 2.938171401114677}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,590] Trial 471 finished with value: 8.069162624819043 and parameters: {'x': 2.9184584255922643, 'y': 1.94201393085539}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,591] Trial 472 finished with value: 8.81761865638411 and parameters: {'x': 2.4089709739522425, 'y': 1.8531264383292128}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,592] Trial 473 finished with value: 8.035542180154685 and parameters: {'x': 1.3427513767860373, 'y': 2.222036587264789}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,593] Trial 474 finished with value: 9.231385190851347 and parameters: {'x': 1.6136788146729355, 'y': 2.5427165815495023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,594] Trial 475 finished with value: 8.079791775891733 and parameters: {'x': 1.9125417091420505, 'y': 2.974755165461713}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,595] Trial 476 finished with value: 8.341523743372877 and parameters: {'x': 2.5162039041844384, 'y': 1.1370628964009615}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,596] Trial 477 finished with value: 8.111643884158484 and parameters: {'x': 2.4774050077230263, 'y': 1.0731466336537492}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,597] Trial 478 finished with value: 7.5399208344987585 and parameters: {'x': 2.8345234456844723, 'y': 1.0193880363125856}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,597] Trial 479 finished with value: 4.433360827827819 and parameters: {'x': 1.0737285407959989, 'y': 1.1240856472950298}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,598] Trial 480 finished with value: 6.96592599656371 and parameters: {'x': 1.917376657427001, 'y': 1.2967197922321945}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,599] Trial 481 finished with value: 6.482139651511581 and parameters: {'x': 1.0444818819023245, 'y': 2.176468521442921}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,600] Trial 482 finished with value: 9.11485254373537 and parameters: {'x': 2.048580208536864, 'y': 2.6071264572872}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,601] Trial 483 finished with value: 5.431608150828463 and parameters: {'x': 1.1894684017034052, 'y': 1.1771668066738374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,602] Trial 484 finished with value: 9.916633525227567 and parameters: {'x': 2.3771078699084693, 'y': 2.9920290455237555}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,603] Trial 485 finished with value: 8.672783876245514 and parameters: {'x': 2.986832268951524, 'y': 1.2963533246316374}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,603] Trial 486 finished with value: 8.304980857866417 and parameters: {'x': 1.8838423536074562, 'y': 2.293381683328426}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,604] Trial 487 finished with value: 8.312468549380213 and parameters: {'x': 2.605279862637339, 'y': 1.104352806033127}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,605] Trial 488 finished with value: 5.853085423960124 and parameters: {'x': 1.8449842618430872, 'y': 1.072398768972538}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,606] Trial 489 finished with value: 10.386651371749663 and parameters: {'x': 2.6310189414260505, 'y': 2.6738996139987643}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,607] Trial 490 finished with value: 8.745469373890751 and parameters: {'x': 2.8645250632754204, 'y': 1.308649034603559}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,608] Trial 491 finished with value: 9.203342174566815 and parameters: {'x': 2.2366663140241325, 'y': 2.3220086289326023}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,609] Trial 492 finished with value: 7.620833240361959 and parameters: {'x': 1.7828303566350192, 'y': 1.4731366108109194}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,610] Trial 493 finished with value: 6.443411611560421 and parameters: {'x': 1.087773688862931, 'y': 1.5288574048348782}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,610] Trial 494 finished with value: 9.289432601334944 and parameters: {'x': 1.6649581758396033, 'y': 2.6842053451927765}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,611] Trial 495 finished with value: 5.398308960090418 and parameters: {'x': 1.0066322310308962, 'y': 1.9593038112676802}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,612] Trial 496 finished with value: 7.862686650656634 and parameters: {'x': 2.8254045010036575, 'y': 1.112352158376197}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,613] Trial 497 finished with value: 7.9200738443641665 and parameters: {'x': 2.408098570015621, 'y': 1.0761987677246792}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,614] Trial 498 finished with value: 6.712922715771459 and parameters: {'x': 1.2761302578999503, 'y': 1.3688914376676131}. Best is trial 100 with value: 4.045505869420193.\n[I 2023-11-01 05:28:29,615] Trial 499 finished with value: 10.186262582979126 and parameters: {'x': 2.4800498669245994, 'y': 2.842080919283535}. Best is trial 100 with value: 4.045505869420193.\n\u001b[2Kreading sources... [ 83%] reference/visualization/generated/optuna.visualization.plot_edf\n[I 2023-11-01 05:28:29,692] A new study created in memory with name: no-name-1de1a4a9-f153-4078-ba61-d36ded30bfc3\n[I 2023-11-01 05:28:29,693] Trial 0 finished with values: [55.34889652925464, 11.46199537588904] and parameters: {'x': 2.372386524452785, 'y': 2.865136351189677}. \n[I 2023-11-01 05:28:29,694] Trial 1 finished with values: [56.70800164294365, 13.602198909363336] and parameters: {'x': 3.361790996747407, 'y': 1.695689153389851}. \n[I 2023-11-01 05:28:29,695] Trial 2 finished with values: [9.017953648800534, 33.25280973302535] and parameters: {'x': 1.4239876420404052, 'y': 0.4761802258770731}. \n[I 2023-11-01 05:28:29,696] Trial 3 finished with values: [69.88165706474729, 8.36307616609464] and parameters: {'x': 2.9235299783801882, 'y': 2.9872038316290297}. \n[I 2023-11-01 05:28:29,697] Trial 4 finished with values: [57.36604995578257, 17.26365736975023] and parameters: {'x': 3.630585803607848, 'y': 1.077199708311693}. \n[I 2023-11-01 05:28:29,698] Trial 5 finished with values: [96.25590572454861, 23.59770461295712] and parameters: {'x': 4.903413743739234, 'y': 0.14321343807876863}. \n[I 2023-11-01 05:28:29,698] Trial 6 finished with values: [9.785821942901176, 30.947779128964918] and parameters: {'x': 1.3352125725046804, 'y': 0.814655063171357}. \n[I 2023-11-01 05:28:29,699] Trial 7 finished with values: [39.058127066973114, 16.456114803165818] and parameters: {'x': 2.604987036191474, 'y': 1.7258546601662719}. \n[I 2023-11-01 05:28:29,700] Trial 8 finished with values: [13.750549530938738, 27.291568606604358] and parameters: {'x': 1.4061791701666393, 'y': 1.2084277074463934}. \n[I 2023-11-01 05:28:29,701] Trial 9 finished with values: [27.743918037418805, 23.273422487990178] and parameters: {'x': 0.8862148121262065, 'y': 2.480040890010246}. \n[I 2023-11-01 05:28:29,702] Trial 10 finished with values: [29.17140542907213, 21.078346180832526] and parameters: {'x': 1.2043427758138718, 'y': 2.417107741829679}. \n[I 2023-11-01 05:28:29,703] Trial 11 finished with values: [0.47465863080311865, 46.313644281377165] and parameters: {'x': 0.03814290368160056, 'y': 0.342359133950762}. \n[I 2023-11-01 05:28:29,704] Trial 12 finished with values: [0.6140574712922668, 44.65579632129314] and parameters: {'x': 0.24031822069059294, 'y': 0.3094535839624001}. \n[I 2023-11-01 05:28:29,705] Trial 13 finished with values: [4.655250749087843, 37.76694788412376] and parameters: {'x': 0.30485505233292354, 'y': 1.0348314279818966}. \n[I 2023-11-01 05:28:29,705] Trial 14 finished with values: [43.20865184786535, 14.33311990858794] and parameters: {'x': 2.2719587041406735, 'y': 2.374945601197166}. \n[I 2023-11-01 05:28:29,707] Trial 15 finished with values: [3.6617989754865596, 40.9900838616555] and parameters: {'x': 0.956097232082494, 'y': 0.036439356139119305}. \n[I 2023-11-01 05:28:29,708] Trial 16 finished with values: [9.287470402816233, 32.32918153853204] and parameters: {'x': 1.4017102417080285, 'y': 0.5975583645091734}. \n[I 2023-11-01 05:28:29,708] Trial 17 finished with values: [23.45554722351253, 30.782467476216315] and parameters: {'x': 2.4199394899295523, 'y': 0.08820244303662927}. \n[I 2023-11-01 05:28:29,709] Trial 18 finished with values: [101.31022861154267, 19.287202345079315] and parameters: {'x': 4.9957531754373, 'y': 0.608282305343335}. \n[I 2023-11-01 05:28:29,710] Trial 19 finished with values: [34.97553016893434, 19.414896735950965] and parameters: {'x': 2.677095798600665, 'y': 1.255802782027597}. \n[I 2023-11-01 05:28:29,711] Trial 20 finished with values: [9.04397651892457, 32.35839934996165] and parameters: {'x': 1.3695811609997972, 'y': 0.620678316977152}. \n[I 2023-11-01 05:28:29,712] Trial 21 finished with values: [81.37403947657059, 18.3490338675357] and parameters: {'x': 4.447206167483923, 'y': 0.7522414326767712}. \n[I 2023-11-01 05:28:29,713] Trial 22 finished with values: [91.056023364684, 16.74074715972646] and parameters: {'x': 4.681452575953331, 'y': 0.9208732921911224}. \n[I 2023-11-01 05:28:29,714] Trial 23 finished with values: [30.376283032164203, 20.714057080236728] and parameters: {'x': 2.473839438519479, 'y': 1.2141619292609533}. \n[I 2023-11-01 05:28:29,715] Trial 24 finished with values: [45.21974770874812, 14.864323807061858] and parameters: {'x': 2.832561846200021, 'y': 1.8114994658124965}. \n[I 2023-11-01 05:28:29,716] Trial 25 finished with values: [24.224236992556637, 24.74157027032271] and parameters: {'x': 2.3250245043465756, 'y': 0.8064243934350693}. \n[I 2023-11-01 05:28:29,717] Trial 26 finished with values: [22.297687619360858, 22.507757450929716] and parameters: {'x': 1.885066274182225, 'y': 1.4216001712088244}. \n[I 2023-11-01 05:28:29,718] Trial 27 finished with values: [57.84089302882202, 10.760973986416854] and parameters: {'x': 2.830180224116485, 'y': 2.5397447029623805}. \n[I 2023-11-01 05:28:29,718] Trial 28 finished with values: [99.60153276997424, 6.186015156906896] and parameters: {'x': 4.239478726703153, 'y': 2.6319580768555135}. \n[I 2023-11-01 05:28:29,719] Trial 29 finished with values: [69.74390680563688, 18.180448059530296] and parameters: {'x': 4.09149390183117, 'y': 0.8340589623567225}. \n[I 2023-11-01 05:28:29,720] Trial 30 finished with values: [2.7743641212249583, 41.715767907305285] and parameters: {'x': 0.06771895742171297, 'y': 0.8300633548783827}. \n[I 2023-11-01 05:28:29,721] Trial 31 finished with values: [41.4064842799614, 19.45059801161605] and parameters: {'x': 3.0418341367928425, 'y': 1.048268169044587}. \n[I 2023-11-01 05:28:29,722] Trial 32 finished with values: [33.62708395957701, 17.453044289978052] and parameters: {'x': 1.9458719528165043, 'y': 2.1495007171751155}. \n[I 2023-11-01 05:28:29,723] Trial 33 finished with values: [31.208551046492623, 23.243384866066854] and parameters: {'x': 2.6846509647286116, 'y': 0.7712243248270183}. \n[I 2023-11-01 05:28:29,724] Trial 34 finished with values: [27.542039912818872, 23.601807377283645] and parameters: {'x': 0.8436713629245274, 'y': 2.48469889716758}. \n[I 2023-11-01 05:28:29,725] Trial 35 finished with values: [47.174022598141676, 13.228127849180865] and parameters: {'x': 2.4120509203611333, 'y': 2.444486859674322}. \n[I 2023-11-01 05:28:29,726] Trial 36 finished with values: [30.515694454923665, 26.842036334726387] and parameters: {'x': 0.3373124442242442, 'y': 2.741376283676209}. \n[I 2023-11-01 05:28:29,727] Trial 37 finished with values: [110.76556017988068, 4.587379324176673] and parameters: {'x': 4.351766443775876, 'y': 2.9586346283034732}. \n[I 2023-11-01 05:28:29,728] Trial 38 finished with values: [1.9912942370369815, 42.20295973854899] and parameters: {'x': 0.6920514403165301, 'y': 0.13743494175449533}. \n[I 2023-11-01 05:28:29,728] Trial 39 finished with values: [73.68418652941345, 8.02169370632535] and parameters: {'x': 3.3204983959252274, 'y': 2.719436896677574}. \n[I 2023-11-01 05:28:29,729] Trial 40 finished with values: [72.39144130078495, 21.276426764318956] and parameters: {'x': 4.230069708974284, 'y': 0.4520736471134442}. \n[I 2023-11-01 05:28:29,730] Trial 41 finished with values: [55.48690900028407, 21.674562642838733] and parameters: {'x': 3.6860440927556617, 'y': 0.5336723679675663}. \n[I 2023-11-01 05:28:29,731] Trial 42 finished with values: [45.835879810223915, 14.52869506155687] and parameters: {'x': 1.873905849021182, 'y': 2.8191216400787287}. \n[I 2023-11-01 05:28:29,732] Trial 43 finished with values: [28.512300393367372, 28.115783849952443] and parameters: {'x': 2.65881774916725, 'y': 0.24241137567169024}. \n[I 2023-11-01 05:28:29,735] Trial 44 finished with values: [39.379073009758244, 21.85311954068964] and parameters: {'x': 3.0458680442502137, 'y': 0.7532968269247781}. \n[I 2023-11-01 05:28:29,736] Trial 45 finished with values: [63.96233636936583, 16.65215684613786] and parameters: {'x': 3.8488008933650453, 'y': 1.0850418312553143}. \n[I 2023-11-01 05:28:29,736] Trial 46 finished with values: [1.417106253451846, 42.72533618503284] and parameters: {'x': 0.2035806268094209, 'y': 0.5593134110235913}. \n[I 2023-11-01 05:28:29,737] Trial 47 finished with values: [27.85399098385412, 19.941166970930595] and parameters: {'x': 1.6163476461319293, 'y': 2.085885431371364}. \n[I 2023-11-01 05:28:29,738] Trial 48 finished with values: [76.21609222898577, 17.536853933631882] and parameters: {'x': 4.2764362233955815, 'y': 0.8752806889658751}. \n[I 2023-11-01 05:28:29,739] Trial 49 finished with values: [45.22427903187175, 19.283708054444645] and parameters: {'x': 3.2139242997210045, 'y': 0.988311870631325}. \n\u001b[2Kreading sources... [ 83%] reference/visualization/generated/optuna.visualization.plot_hypervolume_history\n:17: ExperimentalWarning:\n\nplot_hypervolume_history is experimental (supported from v3.3.0). The interface can change in the future.\n\n[I 2023-11-01 05:28:29,814] A new study created in memory with name: no-name-951db5d6-5dd0-4f4c-903d-32684f8ec755\n[I 2023-11-01 05:28:29,818] Trial 0 finished with value: 0.0019136820148431557 and parameters: {'lr': 0.012169775677700537}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,822] Trial 1 finished with value: 0.9938688492959205 and parameters: {'lr': 1.2106198691436028e-05}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,826] Trial 2 finished with value: 0.1745378429868226 and parameters: {'lr': 0.0034244666391252923}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,830] Trial 3 finished with value: 0.006252957628893589 and parameters: {'lr': 0.009890438121030055}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,834] Trial 4 finished with value: 0.6055868994372475 and parameters: {'lr': 0.0009863431872330064}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,835] Trial 5 pruned. \n[I 2023-11-01 05:28:29,836] Trial 6 pruned. \n[I 2023-11-01 05:28:29,876] Trial 7 finished with value: 0.00348251977331975 and parameters: {'lr': 0.011018509458263562}. Best is trial 0 with value: 0.0019136820148431557.\n[I 2023-11-01 05:28:29,877] Trial 8 pruned. \n[I 2023-11-01 05:28:29,879] Trial 9 pruned. \n[I 2023-11-01 05:28:29,923] Trial 10 finished with value: 2.8413318183320897e-13 and parameters: {'lr': 0.053753912442422704}. Best is trial 10 with value: 2.8413318183320897e-13.\n[I 2023-11-01 05:28:29,969] Trial 11 finished with value: 3.23351297854631e-20 and parameters: {'lr': 0.08097836606986637}. Best is trial 11 with value: 3.23351297854631e-20.\n[I 2023-11-01 05:28:30,014] Trial 12 finished with value: 1.5818620680169856e-23 and parameters: {'lr': 0.09336678872953223}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:28:30,059] Trial 13 finished with value: 8.701934191941001e-16 and parameters: {'lr': 0.06380854538856418}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:28:30,108] Trial 14 finished with value: 1.3380099081736585e-15 and parameters: {'lr': 0.0630691017367573}. Best is trial 12 with value: 1.5818620680169856e-23.\n[I 2023-11-01 05:28:30,155] Trial 15 finished with value: 1.380974859858719e-22 and parameters: {'lr': 0.08988313704170887}. Best is trial 12 with value: 1.5818620680169856e-23.\n\u001b[2Kreading sources... [ 84%] reference/visualization/generated/optuna.visualization.plot_intermediate_values\n[I 2023-11-01 05:28:30,274] A new study created in memory with name: no-name-f1f2d988-007b-4bb0-b74a-b413cb5f2024\n[I 2023-11-01 05:28:30,276] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:28:30,277] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,278] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,278] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,279] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,280] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,281] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,282] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,283] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,284] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 84%] reference/visualization/generated/optuna.visualization.plot_optimization_history\n[I 2023-11-01 05:28:30,371] A new study created in memory with name: no-name-eccc748d-0c85-44b9-ab30-5933b04aab47\n[I 2023-11-01 05:28:30,372] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:28:30,373] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,374] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,374] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,375] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,376] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,378] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,379] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,380] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:30,381] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 85%] reference/visualization/generated/optuna.visualization.plot_parallel_coordinate\n[I 2023-11-01 05:28:30,457] A new study created in memory with name: no-name-0d09e0fa-112d-469a-8c04-54a8576bbc8e\n[I 2023-11-01 05:28:30,459] Trial 0 finished with value: 2.303288077753039 and parameters: {'x': 2, 'y': -0.958496101281197, 'z': 0.9504723523894132}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:28:30,460] Trial 1 finished with value: 3.987072181809778 and parameters: {'x': 2, 'y': -0.0029859753948191514, 'z': 0.3371949682962715}. Best is trial 0 with value: 2.303288077753039.\n[I 2023-11-01 05:28:30,461] Trial 2 finished with value: 0.1373303052750334 and parameters: {'x': 0, 'y': 0.5210614243979175, 'z': 0.2536662548438032}. Best is trial 2 with value: 0.1373303052750334.\n[I 2023-11-01 05:28:30,462] Trial 3 finished with value: -4.131719919585369 and parameters: {'x': 0, 'y': 0.3707196367355945, 'z': 1.4300900192924049}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,463] Trial 4 finished with value: -2.2075688995928044 and parameters: {'x': 0, 'y': 0.024384526771553228, 'z': 1.2189314424781703}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,464] Trial 5 finished with value: 1.0504976105266983 and parameters: {'x': 1, 'y': 0.4435106348635991, 'z': 0.43781410225594974}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,465] Trial 6 finished with value: 3.6403994820820413 and parameters: {'x': 2, 'y': 0.42915156679538113, 'z': 0.8138165520168918}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,466] Trial 7 finished with value: -1.0618155340386866 and parameters: {'x': 0, 'y': -0.2533184798970616, 'z': 1.011200422599518}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,467] Trial 8 finished with value: 0.26036828149432933 and parameters: {'x': 1, 'y': -0.13197201333341257, 'z': 0.9266504677039757}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,468] Trial 9 finished with value: 0.3665588473301721 and parameters: {'x': 1, 'y': 0.30079436386293446, 'z': 0.9015584301068166}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,469] Trial 10 finished with value: 0.5490457030167408 and parameters: {'x': 2, 'y': 0.043294304787268256, 'z': 1.3629733212130024}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,470] Trial 11 finished with value: -0.5909072245888702 and parameters: {'x': 0, 'y': -0.8190813014581853, 'z': 0.45105008495430504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,471] Trial 12 finished with value: 0.28403878205829847 and parameters: {'x': 0, 'y': 0.6573626526153533, 'z': 0.07034447908387464}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,472] Trial 13 finished with value: -1.2800539009325118 and parameters: {'x': 1, 'y': 0.09517231183848707, 'z': 1.228930493505103}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,473] Trial 14 finished with value: 0.28612245684320287 and parameters: {'x': 0, 'y': 0.7137006049154664, 'z': 0.5274789591481319}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,474] Trial 15 finished with value: 0.8413984238191299 and parameters: {'x': 2, 'y': -0.4080765862406426, 'z': 1.3259047193417794}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,475] Trial 16 finished with value: -0.4209059689419605 and parameters: {'x': 0, 'y': -0.669968204561703, 'z': 0.5887938659198809}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,476] Trial 17 finished with value: 0.2622281285098704 and parameters: {'x': 0, 'y': 0.6422113156738569, 'z': 0.2267280294638458}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,477] Trial 18 finished with value: -3.1150676084049143 and parameters: {'x': 1, 'y': 0.8885214244776023, 'z': 1.4814382123528085}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,478] Trial 19 finished with value: 1.2572674813923508 and parameters: {'x': 1, 'y': 0.6522456876854796, 'z': 0.377061201310589}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,479] Trial 20 finished with value: 1.109576126625988 and parameters: {'x': 1, 'y': 0.8056635206632548, 'z': 0.8018369232027226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,481] Trial 21 finished with value: 0.13525979446250405 and parameters: {'x': 1, 'y': -0.9214364655492253, 'z': 0.5357726379518044}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,482] Trial 22 finished with value: -0.11946269307197326 and parameters: {'x': 0, 'y': -0.38908016331436346, 'z': 0.496078967973198}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,483] Trial 23 finished with value: 3.048844180430364 and parameters: {'x': 2, 'y': -0.9200815826200455, 'z': 0.6442382676474575}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,488] Trial 24 finished with value: -0.052504516247150426 and parameters: {'x': 0, 'y': 0.27298228613508924, 'z': 0.5195207251200495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,490] Trial 25 finished with value: -1.2792692674509083 and parameters: {'x': 0, 'y': 0.759830349035832, 'z': 1.1448608807155216}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,491] Trial 26 finished with value: 3.314670809360776 and parameters: {'x': 2, 'y': -0.16498171232146608, 'z': 0.9083663465906351}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,492] Trial 27 finished with value: 0.9835588143169801 and parameters: {'x': 1, 'y': 0.1956732959259473, 'z': 0.3933234916979254}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,493] Trial 28 finished with value: -0.8979185222841687 and parameters: {'x': 0, 'y': -0.9492004358997879, 'z': 0.45459384097655214}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,494] Trial 29 finished with value: -0.5162192525906403 and parameters: {'x': 0, 'y': 0.11515637732528838, 'z': 0.8482605298322513}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,495] Trial 30 finished with value: 0.9287478215836122 and parameters: {'x': 1, 'y': -0.4144040474209818, 'z': 0.09637659104223667}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,496] Trial 31 finished with value: 3.6629941314557772 and parameters: {'x': 2, 'y': -0.3205843127242727, 'z': 0.7425729463236814}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,498] Trial 32 finished with value: 3.9463906776735107 and parameters: {'x': 2, 'y': -0.11845235019866696, 'z': 0.4774092082184268}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,499] Trial 33 finished with value: -1.6881011620090576 and parameters: {'x': 1, 'y': 0.156272859764935, 'z': 1.2809006257507296}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,500] Trial 34 finished with value: -1.893044916603758 and parameters: {'x': 0, 'y': -0.07093838444133493, 'z': 1.1729236779287227}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,501] Trial 35 finished with value: 4.005082765391397 and parameters: {'x': 2, 'y': 0.1720439601063517, 'z': 0.05564161985161181}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,502] Trial 36 finished with value: 0.9611598377675362 and parameters: {'x': 1, 'y': 0.12638136898549002, 'z': 0.44959480863684426}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,503] Trial 37 finished with value: 1.0385066437780113 and parameters: {'x': 1, 'y': 0.34693385056944104, 'z': 0.23879060006714026}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,504] Trial 38 finished with value: -0.03481869624869508 and parameters: {'x': 0, 'y': -0.32436822587064107, 'z': 0.16209565916917884}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,505] Trial 39 finished with value: 0.36926790170369916 and parameters: {'x': 0, 'y': 0.7716541923354114, 'z': 0.5480474568211737}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,506] Trial 40 finished with value: 0.12812115659454607 and parameters: {'x': 0, 'y': 0.5049923404372056, 'z': 0.16031937659035372}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,507] Trial 41 finished with value: 3.3512758155964324 and parameters: {'x': 2, 'y': -0.060429413119011066, 'z': 0.8973835069186638}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,508] Trial 42 finished with value: -1.128945814699914 and parameters: {'x': 0, 'y': -0.6319303558136975, 'z': 0.9676081897023627}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,509] Trial 43 finished with value: -0.5652914601075866 and parameters: {'x': 0, 'y': -0.5027749843944611, 'z': 0.8136127743420063}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,510] Trial 44 finished with value: -3.6754171752298412 and parameters: {'x': 0, 'y': -0.23717693019073582, 'z': 1.3833491803553195}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,511] Trial 45 finished with value: 3.5923565401224673 and parameters: {'x': 2, 'y': 0.1334998491499999, 'z': 0.800206327483504}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,512] Trial 46 finished with value: 0.3273232510679114 and parameters: {'x': 0, 'y': 0.9557985268040099, 'z': 0.8595433560497787}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,513] Trial 47 finished with value: 1.0025147792970173 and parameters: {'x': 2, 'y': 0.12311472055273787, 'z': 1.316002862347402}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,514] Trial 48 finished with value: 1.0704131899221963 and parameters: {'x': 1, 'y': 0.41769965273791043, 'z': 0.22280017703468785}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,515] Trial 49 finished with value: 1.0577053447123854 and parameters: {'x': 1, 'y': 0.38778013268482336, 'z': 0.15692961678427975}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,516] Trial 50 finished with value: 0.3680190757085285 and parameters: {'x': 1, 'y': -0.6675957045909326, 'z': 0.7604679438960711}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,517] Trial 51 finished with value: 1.3747495993933643 and parameters: {'x': 2, 'y': -0.8197865305511229, 'z': 1.2001031260412178}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,518] Trial 52 finished with value: 0.9979094500663931 and parameters: {'x': 1, 'y': 0.1786954233612148, 'z': 0.29715098582440336}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,519] Trial 53 finished with value: 0.9319764488693013 and parameters: {'x': 1, 'y': -0.4081924755583253, 'z': 0.05633651391251654}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,520] Trial 54 finished with value: -1.5592042740852488 and parameters: {'x': 0, 'y': -0.09378999959753309, 'z': 1.1172961154251015}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,521] Trial 55 finished with value: 0.9838292684588362 and parameters: {'x': 1, 'y': -0.22977280086902696, 'z': 0.2521091962989279}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,522] Trial 56 finished with value: 2.1076623237986754 and parameters: {'x': 2, 'y': 0.19810359492298524, 'z': 1.1740722273674566}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,523] Trial 57 finished with value: 2.1246831699758735 and parameters: {'x': 2, 'y': 0.20632595172406965, 'z': 1.1715909259354231}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,524] Trial 58 finished with value: -1.4840880698467611 and parameters: {'x': 1, 'y': -0.95766961765569, 'z': 1.1256969157312366}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,525] Trial 59 finished with value: -0.3515250197672625 and parameters: {'x': 0, 'y': -0.08297158752545397, 'z': 0.7696840615983677}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,527] Trial 60 finished with value: 1.3220296764593489 and parameters: {'x': 1, 'y': 0.6887715890786952, 'z': 0.2622208422331791}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,528] Trial 61 finished with value: -1.2007575031405602 and parameters: {'x': 0, 'y': 0.6975281436224643, 'z': 1.1140118659491511}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,529] Trial 62 finished with value: 0.994468973365035 and parameters: {'x': 1, 'y': -0.1662031859012445, 'z': 0.1750942664204449}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,530] Trial 63 finished with value: -0.8620345557039887 and parameters: {'x': 1, 'y': -0.8106819185126939, 'z': 1.0737463091269712}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,531] Trial 64 finished with value: -0.7521010442890089 and parameters: {'x': 0, 'y': -0.588099483262055, 'z': 0.8606643471768032}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,532] Trial 65 finished with value: -2.080632890204889 and parameters: {'x': 0, 'y': 0.3114534854291964, 'z': 1.2053525216148295}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,533] Trial 66 finished with value: -1.7527509150220157 and parameters: {'x': 1, 'y': -0.8131192461124659, 'z': 1.2199741255062062}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,534] Trial 67 finished with value: 1.1629406477988748 and parameters: {'x': 2, 'y': -0.2131617751269692, 'z': 1.2967187907029298}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,535] Trial 68 finished with value: -1.5100225453807168 and parameters: {'x': 1, 'y': -0.48539422558999235, 'z': 1.2441028797408538}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,536] Trial 69 finished with value: 3.1274555273715547 and parameters: {'x': 2, 'y': 0.015201816109918775, 'z': 0.9664899225621255}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,537] Trial 70 finished with value: -3.911644822917701 and parameters: {'x': 0, 'y': 0.7914178974071162, 'z': 1.4489193772617226}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,538] Trial 71 finished with value: 0.34386198109125343 and parameters: {'x': 0, 'y': 0.7311052364545663, 'z': 0.46542556041017846}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,539] Trial 72 finished with value: -0.7388007953082896 and parameters: {'x': 0, 'y': -0.9016096844525427, 'z': 0.27694025702139824}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,540] Trial 73 finished with value: -3.6407063057001596 and parameters: {'x': 0, 'y': -0.4850491531909138, 'z': 1.370372597356012}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,541] Trial 74 finished with value: -1.5826031648960468 and parameters: {'x': 1, 'y': -0.7395764210408102, 'z': 1.2148374981002679}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,542] Trial 75 finished with value: -2.589088162728826 and parameters: {'x': 1, 'y': -0.9511347100336718, 'z': 1.2852465639416288}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,543] Trial 76 finished with value: -0.007960371974823174 and parameters: {'x': 0, 'y': 0.4182119281439811, 'z': 0.533658514235495}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,544] Trial 77 finished with value: 3.9028308169237502 and parameters: {'x': 2, 'y': 0.6892377222877011, 'z': 0.8072212757099377}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,545] Trial 78 finished with value: 0.46670116449600285 and parameters: {'x': 1, 'y': -0.7549800371251603, 'z': 0.5664628778611204}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,546] Trial 79 finished with value: -2.2015513126587933 and parameters: {'x': 1, 'y': 0.022417292570930725, 'z': 1.3376438549035414}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,547] Trial 80 finished with value: -2.013616301607068 and parameters: {'x': 0, 'y': -0.207116242243099, 'z': 1.189909849541421}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,548] Trial 81 finished with value: -1.7738059712887448 and parameters: {'x': 1, 'y': -0.6302649000181753, 'z': 1.2603709741325857}. Best is trial 3 with value: -4.131719919585369.\n[I 2023-11-01 05:28:30,550] Trial 82 finished with value: -4.523011054108479 and parameters: {'x': 1, 'y': -0.8798995888983607, 'z': 1.4833754612943018}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:28:30,551] Trial 83 finished with value: -0.08079888724155815 and parameters: {'x': 0, 'y': 0.22940342596033925, 'z': 0.5520400212531891}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:28:30,552] Trial 84 finished with value: 1.7141266522072458 and parameters: {'x': 2, 'y': 0.25512370541125784, 'z': 1.2318247142973906}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:28:30,553] Trial 85 finished with value: -0.7520872270920254 and parameters: {'x': 0, 'y': -0.4504097368144626, 'z': 0.901577836698765}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:28:30,554] Trial 86 finished with value: 4.046893464626376 and parameters: {'x': 2, 'y': 0.41459261868287456, 'z': 0.3951047474351363}. Best is trial 82 with value: -4.523011054108479.\n[I 2023-11-01 05:28:30,555] Trial 87 finished with value: -4.571964349495191 and parameters: {'x': 0, 'y': -0.08255154162027267, 'z': 1.4622187490950038}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,556] Trial 88 finished with value: 3.769073758442562 and parameters: {'x': 2, 'y': -0.6134925354270779, 'z': 0.0701088407420925}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,557] Trial 89 finished with value: 1.9906707709215672 and parameters: {'x': 2, 'y': 0.7172980309368531, 'z': 1.2418547636228567}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,558] Trial 90 finished with value: 0.20579475832853023 and parameters: {'x': 2, 'y': 0.1978728981453497, 'z': 1.3963737537716272}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,559] Trial 91 finished with value: -0.5572192676601909 and parameters: {'x': 0, 'y': -0.7720793824906156, 'z': 0.5580433532607516}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,560] Trial 92 finished with value: 3.115262529317084 and parameters: {'x': 2, 'y': -0.3577159370700811, 'z': 0.9570526220169401}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,561] Trial 93 finished with value: -0.06522562849929504 and parameters: {'x': 0, 'y': 0.08693007694983201, 'z': 0.5066319703277753}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,562] Trial 94 finished with value: 4.574547370310522 and parameters: {'x': 2, 'y': 0.8814140769664465, 'z': 0.5761827737303541}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,563] Trial 95 finished with value: 1.5015652459171465 and parameters: {'x': 1, 'y': 0.7945598896386961, 'z': 0.08823355215277057}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,564] Trial 96 finished with value: 0.5950628609995365 and parameters: {'x': 1, 'y': -0.7396489187381752, 'z': 0.13045411338692636}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,565] Trial 97 finished with value: 3.3511994815140613 and parameters: {'x': 2, 'y': -0.3908532893067598, 'z': 0.8760838088329035}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,566] Trial 98 finished with value: 3.781443021265078 and parameters: {'x': 2, 'y': 0.7615841212270811, 'z': 0.9014313108685146}. Best is trial 87 with value: -4.571964349495191.\n[I 2023-11-01 05:28:30,567] Trial 99 finished with value: 0.26309303070193535 and parameters: {'x': 1, 'y': -0.8867435943237876, 'z': 0.44622614546388273}. Best is trial 87 with value: -4.571964349495191.\n\u001b[2Kreading sources... [ 85%] reference/visualization/generated/optuna.visualization.plot_param_importances\n[I 2023-11-01 05:28:32,285] A new study created in memory with name: no-name-0f2512ef-c610-4616-ad80-f62e559cc591\n[I 2023-11-01 05:28:32,286] Trial 0 finished with values: [17.51036539964409, 26.005413544153832] and parameters: {'x': 1.8385428033643803, 'y': 0.9986749772113391}. \n[I 2023-11-01 05:28:32,287] Trial 1 finished with values: [34.24479329450102, 24.80912271172008] and parameters: {'x': 0.49069415930665994, 'y': 2.884513401883858}. \n[I 2023-11-01 05:28:32,288] Trial 2 finished with values: [31.083067105368066, 25.048220846332406] and parameters: {'x': 2.735432012135339, 'y': 0.5368225808656225}. \n[I 2023-11-01 05:28:32,289] Trial 3 finished with values: [104.20121655223096, 12.313267694167042] and parameters: {'x': 4.8807017365624645, 'y': 1.4930019078266055}. \n[I 2023-11-01 05:28:32,290] Trial 4 finished with values: [80.42092472123605, 6.810766657708406] and parameters: {'x': 3.357447101525994, 'y': 2.9719993507340665}. \n[I 2023-11-01 05:28:32,291] Trial 5 finished with values: [60.21773135035349, 24.874099336278945] and parameters: {'x': 3.8774567779596114, 'y': 0.1405765721713308}. \n[I 2023-11-01 05:28:32,292] Trial 6 finished with values: [58.19640526573633, 10.609939864437987] and parameters: {'x': 2.665848381894378, 'y': 2.7280677633052317}. \n[I 2023-11-01 05:28:32,293] Trial 7 finished with values: [7.498090692076783, 32.60750659438443] and parameters: {'x': 1.0593537469786645, 'y': 0.8673478608848121}. \n[I 2023-11-01 05:28:32,294] Trial 8 finished with values: [22.615603504299166, 24.033606123003366] and parameters: {'x': 1.008875910654734, 'y': 2.1531535646524085}. \n[I 2023-11-01 05:28:32,294] Trial 9 finished with values: [51.78773223057058, 23.871048293855257] and parameters: {'x': 3.5835655729597855, 'y': 0.3240229034189537}. \n[I 2023-11-01 05:28:32,295] Trial 10 finished with values: [86.00928614076577, 8.227903229132016] and parameters: {'x': 4.025132975626166, 'y': 2.3023088549797768}. \n[I 2023-11-01 05:28:32,296] Trial 11 finished with values: [104.09679114947612, 15.751990779156515] and parameters: {'x': 4.996096554544834, 'y': 1.031124146276418}. \n[I 2023-11-01 05:28:32,297] Trial 12 finished with values: [25.72559879941316, 29.69053859748491] and parameters: {'x': 2.5320391717172344, 'y': 0.14204693851960348}. \n[I 2023-11-01 05:28:32,298] Trial 13 finished with values: [90.20405927842945, 6.452495340644873] and parameters: {'x': 3.899040202465438, 'y': 2.710811745430811}. \n[I 2023-11-01 05:28:32,299] Trial 14 finished with values: [20.688348330935234, 31.16575757456028] and parameters: {'x': 2.2704958530035713, 'y': 0.1301370978137819}. \n[I 2023-11-01 05:28:32,304] Trial 15 finished with values: [83.59959147278371, 14.105348138530035] and parameters: {'x': 4.384362309543177, 'y': 1.2950926634234126}. \n[I 2023-11-01 05:28:32,305] Trial 16 finished with values: [36.80607156024476, 16.361615132378894] and parameters: {'x': 2.254315101877193, 'y': 2.029675173891037}. \n[I 2023-11-01 05:28:32,306] Trial 17 finished with values: [30.57555383419924, 18.808656634679885] and parameters: {'x': 2.1687112601525103, 'y': 1.7148119222344826}. \n[I 2023-11-01 05:28:32,307] Trial 18 finished with values: [21.65264512403334, 30.957250013989988] and parameters: {'x': 2.3234097785750714, 'y': 0.12218134812676329}. \n[I 2023-11-01 05:28:32,308] Trial 19 finished with values: [45.6328282927594, 13.861020067074357] and parameters: {'x': 2.148741642967455, 'y': 2.605977057644094}. \n[I 2023-11-01 05:28:32,309] Trial 20 finished with values: [82.2055024230382, 25.004793391801883] and parameters: {'x': 4.533312249918512, 'y': 0.021345971477254255}. \n[I 2023-11-01 05:28:32,310] Trial 21 finished with values: [11.2638199891938, 33.349506982545435] and parameters: {'x': 1.6520130540337759, 'y': 0.2946317474415252}. \n[I 2023-11-01 05:28:32,311] Trial 22 finished with values: [22.419133889530894, 30.4359021759024] and parameters: {'x': 2.3623961796825226, 'y': 0.1544919499655103}. \n[I 2023-11-01 05:28:32,311] Trial 23 finished with values: [22.358042046020422, 22.76970830535809] and parameters: {'x': 1.9602184198696793, 'y': 1.3217618007450223}. \n[I 2023-11-01 05:28:32,313] Trial 24 finished with values: [35.396819251824624, 21.644312510273075] and parameters: {'x': 0.8783625558508301, 'y': 2.8421266744174782}. \n[I 2023-11-01 05:28:32,314] Trial 25 finished with values: [8.977659811895204, 33.791981537695435] and parameters: {'x': 1.4431759226183205, 'y': 0.40206741890951614}. \n[I 2023-11-01 05:28:32,315] Trial 26 finished with values: [15.211765830887023, 29.767236820744714] and parameters: {'x': 0.5256321534924202, 'y': 1.8779383102052838}. \n[I 2023-11-01 05:28:32,316] Trial 27 finished with values: [71.02248599263751, 18.67179362025205] and parameters: {'x': 4.143793521974521, 'y': 0.7645892658162116}. \n[I 2023-11-01 05:28:32,317] Trial 28 finished with values: [13.749636377597263, 33.603390293076586] and parameters: {'x': 0.1342431902780794, 'y': 1.8491586898541938}. \n[I 2023-11-01 05:28:32,318] Trial 29 finished with values: [37.99891366193827, 16.264615766762336] and parameters: {'x': 1.8848498842598933, 'y': 2.43866138061233}. \n[I 2023-11-01 05:28:32,319] Trial 30 finished with values: [25.500541294747087, 20.82560507936128] and parameters: {'x': 1.9452409612597292, 'y': 1.60971206317282}. \n[I 2023-11-01 05:28:32,320] Trial 31 finished with values: [30.448548468638588, 19.616005462996032] and parameters: {'x': 2.3434319955042557, 'y': 1.4561811699121059}. \n[I 2023-11-01 05:28:32,321] Trial 32 finished with values: [8.543170285545377, 31.468624046565218] and parameters: {'x': 1.0251945662606476, 'y': 1.0415222862214648}. \n[I 2023-11-01 05:28:32,322] Trial 33 finished with values: [86.2280839191978, 7.584481496916727] and parameters: {'x': 3.938421520067025, 'y': 2.4588324282212475}. \n[I 2023-11-01 05:28:32,323] Trial 34 finished with values: [82.50403742818854, 15.583103893627026] and parameters: {'x': 4.407047407403136, 'y': 1.0972431389388755}. \n[I 2023-11-01 05:28:32,324] Trial 35 finished with values: [37.58642525918006, 17.218183510675193] and parameters: {'x': 1.6081669272533987, 'y': 2.6096753531585835}. \n[I 2023-11-01 05:28:32,325] Trial 36 finished with values: [39.80158375981972, 16.18811203045881] and parameters: {'x': 1.7552698382988041, 'y': 2.620958552650808}. \n[I 2023-11-01 05:28:32,326] Trial 37 finished with values: [80.47403287490975, 7.727898440814708] and parameters: {'x': 3.692054408233746, 'y': 2.547006569557527}. \n[I 2023-11-01 05:28:32,326] Trial 38 finished with values: [30.92409799321713, 18.778596352488123] and parameters: {'x': 2.216476578367568, 'y': 1.6787662362140479}. \n[I 2023-11-01 05:28:32,327] Trial 39 finished with values: [37.477852986008486, 16.439845959338484] and parameters: {'x': 1.8683594480752692, 'y': 2.4246022806410945}. \n[I 2023-11-01 05:28:32,328] Trial 40 finished with values: [33.352298756650086, 23.503224211783564] and parameters: {'x': 2.8072800995216736, 'y': 0.6762049482162219}. \n[I 2023-11-01 05:28:32,329] Trial 41 finished with values: [46.96958805300483, 14.296794222887966] and parameters: {'x': 2.8657225842604976, 'y': 1.8788376947758265}. \n[I 2023-11-01 05:28:32,330] Trial 42 finished with values: [124.5743113291259, 4.233782515386345] and parameters: {'x': 4.730926029459466, 'y': 2.960053502230047}. \n[I 2023-11-01 05:28:32,331] Trial 43 finished with values: [34.63760056395783, 21.029322414397118] and parameters: {'x': 0.9928851850739678, 'y': 2.770122587585266}. \n[I 2023-11-01 05:28:32,332] Trial 44 finished with values: [6.371132562903434, 34.42693514404985] and parameters: {'x': 0.6139039247567935, 'y': 1.1026808749108075}. \n[I 2023-11-01 05:28:32,334] Trial 45 finished with values: [110.51851945007877, 5.361875428788721] and parameters: {'x': 4.484159852628244, 'y': 2.7426155907448537}. \n[I 2023-11-01 05:28:32,335] Trial 46 finished with values: [18.396158449411985, 24.930639783206153] and parameters: {'x': 1.7980387053336733, 'y': 1.1688012775810113}. \n[I 2023-11-01 05:28:32,336] Trial 47 finished with values: [23.553038355158975, 30.552525587387127] and parameters: {'x': 0.10947029954679055, 'y': 2.424103100593471}. \n[I 2023-11-01 05:28:32,337] Trial 48 finished with values: [129.99413373858516, 4.202537796415826] and parameters: {'x': 4.8758457666951, 'y': 2.953753797127946}. \n[I 2023-11-01 05:28:32,338] Trial 49 finished with values: [74.81529230636848, 11.947906319154267] and parameters: {'x': 3.977456454394646, 'y': 1.6981352213491392}. \n[I 2023-11-01 05:28:32,386] A new study created in memory with name: no-name-0247772a-1666-49b2-b8fe-035fb36f2c37\n[I 2023-11-01 05:28:32,388] Trial 0 finished with values: [66.51405186192238, 128.39395469725352, 4.253640113532251] and parameters: {'x': 3.613431953021031, 'y': 0.6402081605112202}. \n[I 2023-11-01 05:28:32,389] Trial 1 finished with values: [14.254770725082174, 148.9665326187382, 2.7446426386977882] and parameters: {'x': 1.1568523127435855, 'y': 1.5877903259542028}. \n[I 2023-11-01 05:28:32,390] Trial 2 finished with values: [32.54810056126128, 141.08651370100353, 3.2843290957273843] and parameters: {'x': 2.4727326700037384, 'y': 0.811596425723646}. \n[I 2023-11-01 05:28:32,390] Trial 3 finished with values: [4.677530823967064, 175.13410048651423, 1.292789059234706] and parameters: {'x': 0.9240903122373767, 'y': 0.3686987469973294}. \n[I 2023-11-01 05:28:32,391] Trial 4 finished with values: [54.377285808531695, 138.77762857043058, 3.606918432268033] and parameters: {'x': 3.2885630723127357, 'y': 0.3183553599552975}. \n[I 2023-11-01 05:28:32,392] Trial 5 finished with values: [44.62132090323866, 146.7799877360611, 3.1075097746680553] and parameters: {'x': 2.9858642982369514, 'y': 0.1216454764311038}. \n[I 2023-11-01 05:28:32,393] Trial 6 finished with values: [32.03939065119614, 143.4592416629389, 3.156703664397384] and parameters: {'x': 2.475827720029849, 'y': 0.6808759443675353}. \n[I 2023-11-01 05:28:32,394] Trial 7 finished with values: [59.89470529741372, 114.95146830037888, 4.910111629479088] and parameters: {'x': 3.196373149956978, 'y': 1.7137384795221098}. \n[I 2023-11-01 05:28:32,395] Trial 8 finished with values: [92.51463646188427, 119.72491485574125, 4.948118161907244] and parameters: {'x': 4.269238935701882, 'y': 0.6788792262053623}. \n[I 2023-11-01 05:28:32,396] Trial 9 finished with values: [101.80744698048107, 87.25950647599078, 6.825912243198784] and parameters: {'x': 3.9034723619222462, 'y': 2.9224398812765386}. \n[I 2023-11-01 05:28:32,397] Trial 10 finished with values: [54.99535303562035, 113.4786725856997, 4.959812727654919] and parameters: {'x': 2.9129513915637286, 'y': 2.04686133609119}. \n[I 2023-11-01 05:28:32,398] Trial 11 finished with values: [91.2423463617904, 94.6027309395139, 6.307208171042922] and parameters: {'x': 3.807995751092257, 'y': 2.4992124199506653}. \n[I 2023-11-01 05:28:32,399] Trial 12 finished with values: [47.26618294037921, 123.90217176783239, 4.320287951844051] and parameters: {'x': 2.8585302627608273, 'y': 1.4617576890832242}. \n[I 2023-11-01 05:28:32,400] Trial 13 finished with values: [23.94832768760376, 137.52747871595926, 3.416020106759425] and parameters: {'x': 1.7895090296168576, 'y': 1.6265110771425673}. \n[I 2023-11-01 05:28:32,401] Trial 14 finished with values: [123.9100686288477, 109.35232293704622, 5.785994252645041] and parameters: {'x': 4.934239792460765, 'y': 0.8517544601842764}. \n[I 2023-11-01 05:28:32,401] Trial 15 finished with values: [64.05248887767407, 113.18393277180213, 5.0403334925794345] and parameters: {'x': 3.322700784565294, 'y': 1.7176327080141405}. \n[I 2023-11-01 05:28:32,402] Trial 16 finished with values: [15.30109898882454, 150.54237270581854, 2.652045448846544] and parameters: {'x': 1.5085181372088803, 'y': 1.1435273116376639}. \n[I 2023-11-01 05:28:32,403] Trial 17 finished with values: [4.961089034155023, 168.87102955471053, 1.6266162655964882] and parameters: {'x': 0.6127905165038666, 'y': 1.0138257490926215}. \n[I 2023-11-01 05:28:32,404] Trial 18 finished with values: [101.89555614387784, 121.56063113251085, 4.944860255084132] and parameters: {'x': 4.501224691197799, 'y': 0.44363556388633263}. \n[I 2023-11-01 05:28:32,405] Trial 19 finished with values: [7.003940555081302, 163.6403286494119, 1.9101205749049273] and parameters: {'x': 0.8589878091539022, 'y': 1.0511327657510252}. \n[I 2023-11-01 05:28:32,406] Trial 20 finished with values: [60.75076388297276, 122.58959120581629, 4.503538855639122] and parameters: {'x': 3.374141292771876, 'y': 1.1293975628672461}. \n[I 2023-11-01 05:28:32,407] Trial 21 finished with values: [8.52266050378603, 169.1352435185143, 1.6309796362061229] and parameters: {'x': 1.2763525719556772, 'y': 0.35462706425044566}. \n[I 2023-11-01 05:28:32,408] Trial 22 finished with values: [63.97040546764423, 113.64660871548071, 5.014041527604506] and parameters: {'x': 3.3307722576702647, 'y': 1.683269269934241}. \n[I 2023-11-01 05:28:32,409] Trial 23 finished with values: [64.03458286923122, 105.69359581734938, 5.4737837440138355] and parameters: {'x': 3.0435810139006456, 'y': 2.43020273011319}. \n[I 2023-11-01 05:28:32,410] Trial 24 finished with values: [55.798043821743946, 108.88009856543096, 5.24400628246709] and parameters: {'x': 2.6941947941291895, 'y': 2.549811488337901}. \n[I 2023-11-01 05:28:32,411] Trial 25 finished with values: [80.74201589621185, 104.63247855435364, 5.649069785822386] and parameters: {'x': 3.7349961903466373, 'y': 1.9140735954757484}. \n[I 2023-11-01 05:28:32,412] Trial 26 finished with values: [19.27651378376268, 153.6446228541178, 2.5180442092423903] and parameters: {'x': 1.9052549261012102, 'y': 0.6127892831411801}. \n[I 2023-11-01 05:28:32,413] Trial 27 finished with values: [23.98265286925981, 135.64433683073645, 3.5679614825096] and parameters: {'x': 1.2190064451171763, 'y': 2.348955037392424}. \n[I 2023-11-01 05:28:32,414] Trial 28 finished with values: [75.44480576587318, 123.24118956865217, 4.604096875879513] and parameters: {'x': 3.8389728122992617, 'y': 0.7651240635802518}. \n[I 2023-11-01 05:28:32,415] Trial 29 finished with values: [137.35211359441377, 87.14507757986648, 7.107295791465884] and parameters: {'x': 4.973888487233168, 'y': 2.133407304232716}. \n[I 2023-11-01 05:28:32,415] Trial 30 finished with values: [109.17251096303725, 106.95948737384168, 5.772141587812521] and parameters: {'x': 4.580696102818924, 'y': 1.191445484993597}. \n[I 2023-11-01 05:28:32,416] Trial 31 finished with values: [112.19027591273917, 98.93873833560303, 6.231111065325132] and parameters: {'x': 4.555622733854407, 'y': 1.6754883314707247}. \n[I 2023-11-01 05:28:32,417] Trial 32 finished with values: [96.74489176131696, 94.53036685363588, 6.350863837103546] and parameters: {'x': 4.006367492766769, 'y': 2.3444963443367772}. \n[I 2023-11-01 05:28:32,418] Trial 33 finished with values: [55.66121837106375, 114.53168125904665, 4.903336063010671] and parameters: {'x': 2.9888133776871633, 'y': 1.9145226853235073}. \n[I 2023-11-01 05:28:32,419] Trial 34 finished with values: [2.279612174140527, 178.6137283914836, 1.1007339111273575] and parameters: {'x': 0.4440677493628531, 'y': 0.6566661617645043}. \n[I 2023-11-01 05:28:32,420] Trial 35 finished with values: [36.139912313478725, 150.30450236021318, 2.846693068819592] and parameters: {'x': 2.6855931471151466, 'y': 0.16109992170444554}. \n[I 2023-11-01 05:28:32,421] Trial 36 finished with values: [5.555899353276137, 169.08958545283508, 1.6340205488925352] and parameters: {'x': 0.3506494411935901, 'y': 1.2833711076989451}. \n[I 2023-11-01 05:28:32,422] Trial 37 finished with values: [13.789359632340782, 156.98385883468913, 2.3783575458514257] and parameters: {'x': 0.26108463875519905, 'y': 2.1172729070962264}. \n[I 2023-11-01 05:28:32,423] Trial 38 finished with values: [67.86727574435633, 138.75245993466538, 3.741115115577589] and parameters: {'x': 3.683950936542507, 'y': 0.057164179035082086}. \n[I 2023-11-01 05:28:32,424] Trial 39 finished with values: [115.38236566324701, 100.82488429650763, 6.1572919163293065] and parameters: {'x': 4.6620916868915065, 'y': 1.4952002294378}. \n[I 2023-11-01 05:28:32,425] Trial 40 finished with values: [106.67069196004533, 113.89851308095689, 5.384859170117088] and parameters: {'x': 4.576221285632362, 'y': 0.8086378844847265}. \n[I 2023-11-01 05:28:32,426] Trial 41 finished with values: [29.493127596455963, 155.7408755452995, 2.508015818433839] and parameters: {'x': 2.427915963797666, 'y': 0.08009985463617253}. \n[I 2023-11-01 05:28:32,427] Trial 42 finished with values: [46.367354922258485, 138.36601981018174, 3.551077173047799] and parameters: {'x': 3.017007218158858, 'y': 0.534069954888941}. \n[I 2023-11-01 05:28:32,428] Trial 43 finished with values: [67.6465928660321, 122.17544497240004, 4.587290681037549] and parameters: {'x': 3.59741692653069, 'y': 0.9898737545068598}. \n[I 2023-11-01 05:28:32,429] Trial 44 finished with values: [108.98938314563641, 94.29312288630999, 6.461733154065381] and parameters: {'x': 4.382124213368651, 'y': 2.0796089406967297}. \n[I 2023-11-01 05:28:32,429] Trial 45 finished with values: [39.41451611160953, 133.06416943098185, 3.764515840026097] and parameters: {'x': 2.6787177358857903, 'y': 1.0857981041403064}. \n[I 2023-11-01 05:28:32,430] Trial 46 finished with values: [41.69527284458037, 131.10543286487783, 3.8875605552645767] and parameters: {'x': 2.7500309938319183, 'y': 1.1375295614326584}. \n[I 2023-11-01 05:28:32,431] Trial 47 finished with values: [29.52858932745362, 131.05628950847, 3.8105566491668004] and parameters: {'x': 1.9654925403108991, 'y': 1.845064108855901}. \n[I 2023-11-01 05:28:32,432] Trial 48 finished with values: [6.088117302665923, 166.88228053309626, 1.750612223643878] and parameters: {'x': 0.4497456418601836, 'y': 1.3008665817836944}. \n[I 2023-11-01 05:28:32,433] Trial 49 finished with values: [21.278707809783963, 138.63180227189966, 3.3686437759104577] and parameters: {'x': 1.2776295314874204, 'y': 2.0910142444230373}. \n[I 2023-11-01 05:28:32,449] Trial 50 finished with values: [19.27651378376268, 153.6446228541178, 2.5180442092423903] and parameters: {'x': 1.9052549261012102, 'y': 0.6127892831411801}. \n[I 2023-11-01 05:28:32,450] Trial 51 finished with values: [81.83722169864063, 99.32674043853552, 5.962386990413455] and parameters: {'x': 3.613431953021031, 'y': 2.348955037392424}. \n[I 2023-11-01 05:28:32,451] Trial 52 finished with values: [41.69527284458037, 131.10543286487783, 3.8875605552645767] and parameters: {'x': 2.7500309938319183, 'y': 1.1375295614326584}. \n[I 2023-11-01 05:28:32,452] Trial 53 finished with values: [53.80858815715409, 115.06365286047608, 4.860784299274995] and parameters: {'x': 2.9129513915637286, 'y': 1.947832907711266}. \n[I 2023-11-01 05:28:32,453] Trial 54 finished with values: [8.000866891601165, 167.86097435802156, 1.739870716696283] and parameters: {'x': 0.11335963955371564, 'y': 1.6265110771425673}. \n[I 2023-11-01 05:28:32,455] Trial 55 finished with values: [86.08953446631097, 96.66524991188524, 6.149179928749174] and parameters: {'x': 3.683950936542507, 'y': 2.465228992206667}. \n[I 2023-11-01 05:28:32,456] Trial 56 finished with values: [71.84307409486311, 123.24597439586029, 4.570079297057907] and parameters: {'x': 3.7349961903466373, 'y': 0.8350831067112694}. \n[I 2023-11-01 05:28:32,457] Trial 57 finished with values: [54.40817812396588, 126.93839870268903, 4.217718699095672] and parameters: {'x': 3.20389295000305, 'y': 1.0138257490926215}. \n[I 2023-11-01 05:28:32,458] Trial 58 finished with values: [63.812992129578554, 111.48028128622093, 5.13384908603345] and parameters: {'x': 3.266588672369756, 'y': 1.8672604136636943}. \n[I 2023-11-01 05:28:32,460] Trial 59 finished with values: [6.977050884296457, 164.27515630282014, 1.874061602758235] and parameters: {'x': 0.9240903122373767, 'y': 0.9499712905208583}. \n[I 2023-11-01 05:28:32,461] Trial 60 finished with values: [125.96663000430767, 83.40499840395601, 7.229768020327978] and parameters: {'x': 4.580696102818924, 'y': 2.6490719175090547}. \n[I 2023-11-01 05:28:32,462] Trial 61 finished with values: [74.0111665144845, 124.66811809529167, 4.516752482465603] and parameters: {'x': 3.807995751092257, 'y': 0.7087567313733459}. \n[I 2023-11-01 05:28:32,463] Trial 62 finished with values: [16.96439791527305, 145.22118873923415, 2.9590061045748977] and parameters: {'x': 1.3712157786206947, 'y': 1.5877903259542028}. \n[I 2023-11-01 05:28:32,464] Trial 63 finished with values: [60.85848300170507, 129.2033801978531, 4.158609445196128] and parameters: {'x': 3.444689804349445, 'y': 0.7139196408466834}. \n[I 2023-11-01 05:28:32,465] Trial 64 finished with values: [42.86391282619441, 142.73460134353215, 3.2948256196061974] and parameters: {'x': 2.9129513915637286, 'y': 0.38187422804246884}. \n[I 2023-11-01 05:28:32,467] Trial 65 finished with values: [130.668134831933, 97.43195883863461, 6.480223252492862] and parameters: {'x': 4.977894292090651, 'y': 1.5023289604022108}. \n[I 2023-11-01 05:28:32,468] Trial 66 finished with values: [47.26618294037921, 123.90217176783239, 4.320287951844051] and parameters: {'x': 2.8585302627608273, 'y': 1.4617576890832242}. \n[I 2023-11-01 05:28:32,469] Trial 67 finished with values: [41.500883362849976, 118.80872427813321, 4.585690524147454] and parameters: {'x': 2.22859586731232, 'y': 2.357094656835134}. \n[I 2023-11-01 05:28:32,470] Trial 68 finished with values: [78.81843672172305, 99.54596559753344, 5.929619513954454] and parameters: {'x': 3.493090973039174, 'y': 2.4365285409152797}. \n[I 2023-11-01 05:28:32,471] Trial 69 finished with values: [97.2601096383908, 114.9192455752314, 5.242322632197303] and parameters: {'x': 4.3567771908176836, 'y': 0.8855454413796192}. \n[I 2023-11-01 05:28:32,473] Trial 70 finished with values: [108.99019920774138, 86.0875907567113, 6.944155109469177] and parameters: {'x': 4.127839651043683, 'y': 2.8163154584254944}. \n[I 2023-11-01 05:28:32,474] Trial 71 finished with values: [43.90142979826749, 122.69670812830825, 4.362916883091158] and parameters: {'x': 2.6491784035690475, 'y': 1.7137384795221098}. \n[I 2023-11-01 05:28:32,475] Trial 72 finished with values: [91.2423463617904, 94.6027309395139, 6.307208171042922] and parameters: {'x': 3.807995751092257, 'y': 2.4992124199506653}. \n[I 2023-11-01 05:28:32,476] Trial 73 finished with values: [108.98938314563641, 94.29312288630999, 6.461733154065381] and parameters: {'x': 4.382124213368651, 'y': 2.0796089406967297}. \n[I 2023-11-01 05:28:32,477] Trial 74 finished with values: [39.41451611160953, 133.06416943098185, 3.764515840026097] and parameters: {'x': 2.6787177358857903, 'y': 1.0857981041403064}. \n[I 2023-11-01 05:28:32,478] Trial 75 finished with values: [107.00609629365147, 96.94273417340128, 6.296197808844399] and parameters: {'x': 4.382124213368651, 'y': 1.9140735954757484}. \n[I 2023-11-01 05:28:32,479] Trial 76 finished with values: [2.279612174140527, 178.6137283914836, 1.1007339111273575] and parameters: {'x': 0.4440677493628531, 'y': 0.6566661617645043}. \n[I 2023-11-01 05:28:32,480] Trial 77 finished with values: [46.98342264296869, 135.24439698417314, 3.7174261096933994] and parameters: {'x': 3.017007218158858, 'y': 0.7004188915345412}. \n[I 2023-11-01 05:28:32,481] Trial 78 finished with values: [38.0541005240769, 137.29157044759157, 3.5304721960700665] and parameters: {'x': 2.6787177358857903, 'y': 0.8517544601842764}. \n[I 2023-11-01 05:28:32,482] Trial 79 finished with values: [5.555899353276137, 169.08958545283508, 1.6340205488925352] and parameters: {'x': 0.3506494411935901, 'y': 1.2833711076989451}. \n[I 2023-11-01 05:28:32,483] Trial 80 finished with values: [0.39090842528960823, 191.99182343045004, 0.4068331198243713] and parameters: {'x': 0.05220605557392566, 'y': 0.35462706425044566}. \n[I 2023-11-01 05:28:32,484] Trial 81 finished with values: [57.082643478288595, 114.64306589760064, 4.9067583712186185] and parameters: {'x': 3.061694262362718, 'y': 1.845064108855901}. \n[I 2023-11-01 05:28:32,486] Trial 82 finished with values: [19.36019749589741, 162.13519821311388, 2.087138016742003] and parameters: {'x': 1.9654925403108991, 'y': 0.1216454764311038}. \n[I 2023-11-01 05:28:32,486] Trial 83 finished with values: [3.829335568075157, 174.44232917867387, 1.3394336275810945] and parameters: {'x': 0.26108463875519905, 'y': 1.0783489888258955}. \n[I 2023-11-01 05:28:32,488] Trial 84 finished with values: [32.09714128096098, 137.77525229694987, 3.454543417150334] and parameters: {'x': 2.397788497875844, 'y': 1.05675491927449}. \n[I 2023-11-01 05:28:32,489] Trial 85 finished with values: [5.555899353276137, 169.08958545283508, 1.6340205488925352] and parameters: {'x': 0.3506494411935901, 'y': 1.2833711076989451}. \n[I 2023-11-01 05:28:32,490] Trial 86 finished with values: [90.66798662467258, 115.35476263043027, 5.157581611860665] and parameters: {'x': 4.192183322669817, 'y': 0.9653982891908479}. \n[I 2023-11-01 05:28:32,491] Trial 87 finished with values: [109.72040963733477, 84.8879179143029, 7.023621297851715] and parameters: {'x': 4.1011814165751765, 'y': 2.9224398812765386}. \n[I 2023-11-01 05:28:32,493] Trial 88 finished with values: [98.13151715860148, 110.69010786654337, 5.4723205553590555] and parameters: {'x': 4.342922992491809, 'y': 1.1293975628672461}. \n[I 2023-11-01 05:28:32,494] Trial 89 finished with values: [119.34442336031049, 97.28111383838124, 6.385533764661934] and parameters: {'x': 4.710045433191209, 'y': 1.6754883314707247}. \n[I 2023-11-01 05:28:32,495] Trial 90 finished with values: [108.76750623268478, 125.02133199081098, 4.837221874438101] and parameters: {'x': 4.6620916868915065, 'y': 0.17513018754659448}. \n[I 2023-11-01 05:28:32,496] Trial 91 finished with values: [50.01175149173915, 124.2388558473998, 4.323819552270937] and parameters: {'x': 2.9888133776871633, 'y': 1.3350061745837738}. \n[I 2023-11-01 05:28:32,498] Trial 92 finished with values: [86.07107920861839, 110.0147308946569, 5.398748759174184] and parameters: {'x': 4.006367492766769, 'y': 1.392381266407416}. \n[I 2023-11-01 05:28:32,499] Trial 93 finished with values: [51.32484182304045, 119.04541874736185, 4.61854400538042] and parameters: {'x': 2.9219809426252037, 'y': 1.6965630627552162}. \n[I 2023-11-01 05:28:32,500] Trial 94 finished with values: [74.74849328707256, 111.8777231018829, 5.199538916261984] and parameters: {'x': 3.683950936542507, 'y': 1.5155879797194771}. \n[I 2023-11-01 05:28:32,501] Trial 95 finished with values: [17.97587491271711, 145.0878033902657, 3.0233265970136003] and parameters: {'x': 0.8102064308261187, 'y': 2.2131201661874815}. \n[I 2023-11-01 05:28:32,502] Trial 96 finished with values: [55.33104657706587, 136.09633073393695, 3.7524301793447066] and parameters: {'x': 3.308794615458374, 'y': 0.44363556388633263}. \n[I 2023-11-01 05:28:32,503] Trial 97 finished with values: [0.777061821100274, 188.51237148855193, 0.5832339549037603] and parameters: {'x': 0.3506494411935901, 'y': 0.2325845137101702}. \n[I 2023-11-01 05:28:32,505] Trial 98 finished with values: [111.59887192334075, 99.78196466318296, 6.17980125175561] and parameters: {'x': 4.553290174613042, 'y': 1.6265110771425673}. \n[I 2023-11-01 05:28:32,506] Trial 99 finished with values: [109.17251096303725, 106.95948737384168, 5.772141587812521] and parameters: {'x': 4.580696102818924, 'y': 1.191445484993597}. \n\u001b[2Kreading sources... [ 86%] reference/visualization/generated/optuna.visualization.plot_pareto_front\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:345: ExperimentalWarning:\n\nThe ``constraints_func`` option is an experimental feature. The interface can change in the future.\n\n[I 2023-11-01 05:28:32,672] A new study created in memory with name: no-name-ecb05dba-9054-461b-9415-63eb1e3d4913\n[I 2023-11-01 05:28:32,673] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:28:32,674] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,675] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,676] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,677] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,678] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,679] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,680] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,681] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,682] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,690] Trial 10 finished with value: 6552.967716339581 and parameters: {'x': 80.95040281764867, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,697] Trial 11 finished with value: 1581.6759383724113 and parameters: {'x': 39.770289644059815, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,703] Trial 12 finished with value: 1028.2507682929152 and parameters: {'x': 32.06634946938792, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,710] Trial 13 finished with value: 9734.833587691272 and parameters: {'x': 98.6652602879619, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,717] Trial 14 finished with value: 332.07882979888785 and parameters: {'x': 18.223030203533327, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,723] Trial 15 finished with value: 566.7705064178714 and parameters: {'x': -23.806942399599983, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,730] Trial 16 finished with value: 213.03950442172285 and parameters: {'x': -14.63008900935749, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,737] Trial 17 finished with value: 642.5871135168867 and parameters: {'x': -25.34930203214453, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,743] Trial 18 finished with value: 1369.8316914198415 and parameters: {'x': -37.01123736677607, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,750] Trial 19 finished with value: 1159.004648306659 and parameters: {'x': -34.058840971275856, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,757] Trial 20 finished with value: 1281.3531888612108 and parameters: {'x': -35.79599403370733, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,764] Trial 21 finished with value: 268.4820201738229 and parameters: {'x': -16.385420964193226, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,770] Trial 22 finished with value: 274.55651795948256 and parameters: {'x': 16.569747069870516, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,779] Trial 23 finished with value: 1.5264659525593145 and parameters: {'x': -1.2355023077919824, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,786] Trial 24 finished with value: 709.8376961830695 and parameters: {'x': 26.642779438021655, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,793] Trial 25 finished with value: 747.543499314302 and parameters: {'x': -27.34124172956126, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,800] Trial 26 finished with value: 2097.0943980014476 and parameters: {'x': -45.79404325893759, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,806] Trial 27 finished with value: 2694.8946162727752 and parameters: {'x': -51.9123744041127, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,814] Trial 28 finished with value: 535.2215173103501 and parameters: {'x': -23.113232515387157, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,822] Trial 29 finished with value: 383.4698273179495 and parameters: {'x': -19.556835820703448, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 86%] reference/visualization/generated/optuna.visualization.plot_rank\n:22: ExperimentalWarning:\n\nplot_rank is experimental (supported from v3.2.0). The interface can change in the future.\n\n[I 2023-11-01 05:28:32,923] A new study created in memory with name: no-name-d4d12342-6baa-44b9-9467-4f424ed72ed8\n[I 2023-11-01 05:28:32,924] Trial 0 finished with value: 2945.5956585072327 and parameters: {'x': 54.26412865334919, 'y': 1}. Best is trial 0 with value: 2945.5956585072327.\n[I 2023-11-01 05:28:32,925] Trial 1 finished with value: 1.0891604905846555 and parameters: {'x': -0.2985975394819178, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,926] Trial 2 finished with value: 4380.505539213805 and parameters: {'x': -66.17783268749291, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,926] Trial 3 finished with value: 9842.692899163269 and parameters: {'x': -99.21034673441712, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,927] Trial 4 finished with value: 1967.016832371128 and parameters: {'x': 44.35106348635992, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,928] Trial 5 finished with value: 73.4009299791052 and parameters: {'x': 8.508873602252251, 'y': 1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,929] Trial 6 finished with value: 135.33518390822377 and parameters: {'x': -11.633365115400778, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,930] Trial 7 finished with value: 904.7724933170745 and parameters: {'x': 30.07943638629345, 'y': 0}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,931] Trial 8 finished with value: 6678.756311447084 and parameters: {'x': 81.72977616173364, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n[I 2023-11-01 05:28:32,932] Trial 9 finished with value: 5959.322915435635 and parameters: {'x': -77.20312762729004, 'y': -1}. Best is trial 1 with value: 1.0891604905846555.\n\u001b[2Kreading sources... [ 87%] reference/visualization/generated/optuna.visualization.plot_slice\n[I 2023-11-01 05:28:33,051] A new study created in memory with name: no-name-a0d9e34f-4ee5-45f8-9775-74febdb5ae2d\n\u001b[2Kreading sources... [ 87%] reference/visualization/generated/optuna.visualization.plot_terminator_improvement\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.851971\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:33,358] Trial 0 finished with value: 0.9831746031746033 and parameters: {'reg_alpha': 2.8445805576897662e-08, 'reg_lambda': 0.8280441076856032, 'num_leaves': 34, 'colsample_bytree': 0.7029929001316915, 'subsample': 0.7506613094082062, 'subsample_freq': 6, 'min_child_samples': 37}. Best is trial 0 with value: 0.9831746031746033.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000201 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 513\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:33,596] Trial 1 finished with value: 0.9774603174603176 and parameters: {'reg_alpha': 1.634639053504615, 'reg_lambda': 2.1634688176447218e-08, 'num_leaves': 233, 'colsample_bytree': 0.8408545699658505, 'subsample': 0.5314157524786646, 'subsample_freq': 1, 'min_child_samples': 27}. Best is trial 1 with value: 0.9774603174603176.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000039 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000038 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 498\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000037 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000059 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.851971\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:33,863] Trial 2 finished with value: 0.9776190476190477 and parameters: {'reg_alpha': 0.007308121116626614, 'reg_lambda': 5.224729047469686e-07, 'num_leaves': 119, 'colsample_bytree': 0.41275807830092226, 'subsample': 0.9345329712396938, 'subsample_freq': 2, 'min_child_samples': 34}. Best is trial 1 with value: 0.9774603174603176.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:34,132] Trial 3 finished with value: 0.9774603174603176 and parameters: {'reg_alpha': 1.7346640434889673e-05, 'reg_lambda': 5.761903183048233e-06, 'num_leaves': 193, 'colsample_bytree': 0.8388545142154424, 'subsample': 0.6918916503554233, 'subsample_freq': 7, 'min_child_samples': 29}. Best is trial 1 with value: 0.9774603174603176.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000052 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000064 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 511\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:34,410] Trial 4 finished with value: 0.9831746031746033 and parameters: {'reg_alpha': 1.0079565762494025, 'reg_lambda': 2.159231033185959e-08, 'num_leaves': 239, 'colsample_bytree': 0.4652156581802465, 'subsample': 0.9890749775082771, 'subsample_freq': 6, 'min_child_samples': 40}. Best is trial 1 with value: 0.9774603174603176.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000105 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:34,737] Trial 5 finished with value: 0.9776190476190475 and parameters: {'reg_alpha': 3.991883106166551e-06, 'reg_lambda': 0.037172431445146537, 'num_leaves': 40, 'colsample_bytree': 0.9672630184934222, 'subsample': 0.5765471749916755, 'subsample_freq': 5, 'min_child_samples': 7}. Best is trial 1 with value: 0.9774603174603176.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 496\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000040 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 513\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:35,020] Trial 6 finished with value: 0.9771428571428571 and parameters: {'reg_alpha': 4.395192753367908, 'reg_lambda': 3.155546199281461e-05, 'num_leaves': 195, 'colsample_bytree': 0.458778057103213, 'subsample': 0.9427030722825906, 'subsample_freq': 1, 'min_child_samples': 29}. Best is trial 6 with value: 0.9771428571428571.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:35,120] Trial 7 finished with value: 0.32492063492063494 and parameters: {'reg_alpha': 0.4663276580194898, 'reg_lambda': 3.573236279941247e-08, 'num_leaves': 241, 'colsample_bytree': 0.7818911996104754, 'subsample': 0.547952138317193, 'subsample_freq': 5, 'min_child_samples': 85}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.436484\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.459319\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000040 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 507\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:35,403] Trial 8 finished with value: 0.9609523809523809 and parameters: {'reg_alpha': 0.042663232421482934, 'reg_lambda': 4.632460606298793e-06, 'num_leaves': 162, 'colsample_bytree': 0.42086267762121243, 'subsample': 0.7244623943167505, 'subsample_freq': 2, 'min_child_samples': 52}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Info] Start training from score -0.828693\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:35,482] Trial 9 finished with value: 0.399047619047619 and parameters: {'reg_alpha': 1.896010392674244, 'reg_lambda': 5.003234224988262e-07, 'num_leaves': 170, 'colsample_bytree': 0.9264474208177167, 'subsample': 0.8415358787204077, 'subsample_freq': 7, 'min_child_samples': 93}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.803962\n[LightGBM] [Info] Start training from score -1.466337\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:35,622] Trial 10 finished with value: 0.3984126984126984 and parameters: {'reg_alpha': 0.004190961516347617, 'reg_lambda': 0.0007555180104206352, 'num_leaves': 97, 'colsample_bytree': 0.6376484275994792, 'subsample': 0.40867062478579874, 'subsample_freq': 4, 'min_child_samples': 88}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:35,791] Trial 11 finished with value: 0.39920634920634923 and parameters: {'reg_alpha': 0.00910131626571197, 'reg_lambda': 0.0006996633147431032, 'num_leaves': 92, 'colsample_bytree': 0.6143231650944936, 'subsample': 0.40466292189941194, 'subsample_freq': 4, 'min_child_samples': 95}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:36,309] Trial 12 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.0003498039365954756, 'reg_lambda': 0.000571953116270605, 'num_leaves': 77, 'colsample_bytree': 0.6827544047768415, 'subsample': 0.4021706460447172, 'subsample_freq': 4, 'min_child_samples': 78}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000028 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 124\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 3\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000027 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 115\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 3\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.521840\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000027 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 110\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 3\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000032 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 203\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 5\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000037 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 328\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 8\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:36,628] Trial 13 finished with value: 0.39920634920634923 and parameters: {'reg_alpha': 0.08533525855987459, 'reg_lambda': 0.004398444133768183, 'num_leaves': 132, 'colsample_bytree': 0.6341466969706574, 'subsample': 0.5061356015883802, 'subsample_freq': 3, 'min_child_samples': 71}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:36,831] Trial 14 finished with value: 0.39904761904761904 and parameters: {'reg_alpha': 0.0018323304068729013, 'reg_lambda': 6.138034826935438e-05, 'num_leaves': 71, 'colsample_bytree': 0.7378043924814948, 'subsample': 0.47116091688503564, 'subsample_freq': 5, 'min_child_samples': 76}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 502\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 505\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 506\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:37,112] Trial 15 finished with value: 0.39841269841269844 and parameters: {'reg_alpha': 0.09663524956458044, 'reg_lambda': 0.03258883679216028, 'num_leaves': 118, 'colsample_bytree': 0.5465550101202464, 'subsample': 0.6010363838924071, 'subsample_freq': 5, 'min_child_samples': 62}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Info] Start training from score -0.828693\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.819710\n[LightGBM] [Info] Start training from score -1.436484\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:37,265] Trial 16 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 9.025980746360622, 'reg_lambda': 0.0001951229802401519, 'num_leaves': 18, 'colsample_bytree': 0.7697577273697616, 'subsample': 0.4465548892997192, 'subsample_freq': 3, 'min_child_samples': 100}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.011601\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:37,442] Trial 17 finished with value: 0.3311111111111111 and parameters: {'reg_alpha': 0.21413803088427572, 'reg_lambda': 2.5205024916730703, 'num_leaves': 255, 'colsample_bytree': 0.5799966193235848, 'subsample': 0.5532036308688599, 'subsample_freq': 3, 'min_child_samples': 85}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:37,570] Trial 18 finished with value: 0.39825396825396825 and parameters: {'reg_alpha': 0.10138260585654232, 'reg_lambda': 3.8016177012051964, 'num_leaves': 251, 'colsample_bytree': 0.5636795480407062, 'subsample': 0.6403420936368341, 'subsample_freq': 3, 'min_child_samples': 85}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000043 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 497\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.372308\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000041 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000059 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 510\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:37,873] Trial 19 finished with value: 0.3995238095238095 and parameters: {'reg_alpha': 0.36849044529719804, 'reg_lambda': 5.205764598017313, 'num_leaves': 216, 'colsample_bytree': 0.7818649101565817, 'subsample': 0.5505984260109443, 'subsample_freq': 2, 'min_child_samples': 64}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 501\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000056 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.429467\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 513\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:38,146] Trial 20 finished with value: 0.3987301587301587 and parameters: {'reg_alpha': 0.42724471313720325, 'reg_lambda': 0.2652009250816974, 'num_leaves': 214, 'colsample_bytree': 0.5213595942177831, 'subsample': 0.6291186728039098, 'subsample_freq': 6, 'min_child_samples': 55}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.084626\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.225175\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:38,288] Trial 21 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.0788559441868605, 'reg_lambda': 4.190246425642094, 'num_leaves': 251, 'colsample_bytree': 0.5760265758427932, 'subsample': 0.6419970498733648, 'subsample_freq': 3, 'min_child_samples': 85}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.024001\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:38,433] Trial 22 finished with value: 0.399047619047619 and parameters: {'reg_alpha': 0.3676961646365828, 'reg_lambda': 1.0137675707619425, 'num_leaves': 223, 'colsample_bytree': 0.5217473085299913, 'subsample': 0.5090922265281999, 'subsample_freq': 3, 'min_child_samples': 86}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.937493\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.043804\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.178655\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.249273\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.851971\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:38,567] Trial 23 finished with value: 0.3314285714285714 and parameters: {'reg_alpha': 8.106364066849663, 'reg_lambda': 6.238236883186763, 'num_leaves': 256, 'colsample_bytree': 0.5855145891572794, 'subsample': 0.6052101113801308, 'subsample_freq': 4, 'min_child_samples': 80}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -0.973861\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.868500\n[LightGBM] [Info] Start training from score -1.407497\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:38,693] Trial 24 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 3.8128795680174736, 'reg_lambda': 8.828510587202686, 'num_leaves': 192, 'colsample_bytree': 0.6677734825179531, 'subsample': 0.5706252673984643, 'subsample_freq': 4, 'min_child_samples': 73}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Info] Start training from score -0.812692\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000042 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 500\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.218157\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 499\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.844953\n[LightGBM] [Info] Start training from score -1.429467\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 503\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.299283\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000047 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 511\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.992553\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:39,002] Trial 25 finished with value: 0.40015873015873016 and parameters: {'reg_alpha': 8.525880187685269, 'reg_lambda': 0.07452132648091096, 'num_leaves': 169, 'colsample_bytree': 0.5976864311288912, 'subsample': 0.5267565678036301, 'subsample_freq': 5, 'min_child_samples': 66}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.105679\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.912776\n[LightGBM] [Info] Start training from score -1.266948\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.091644\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:39,125] Trial 26 finished with value: 0.3988888888888889 and parameters: {'reg_alpha': 0.6767428853838785, 'reg_lambda': 0.005280221372910068, 'num_leaves': 256, 'colsample_bytree': 0.6242159615362136, 'subsample': 0.5898417880779059, 'subsample_freq': 4, 'min_child_samples': 81}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.171637\n[LightGBM] [Info] Start training from score -0.861482\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.878290\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.071024\n[LightGBM] [Info] Start training from score -1.031019\n[LightGBM] [Info] Start training from score -1.201645\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.156182\n[LightGBM] [Info] Start training from score -0.835710\n[LightGBM] [Info] Start training from score -1.379326\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:39,246] Trial 27 finished with value: 0.33238095238095233 and parameters: {'reg_alpha': 8.336891939481102, 'reg_lambda': 0.23006775048261074, 'num_leaves': 207, 'colsample_bytree': 0.7188298998878534, 'subsample': 0.4780811590736114, 'subsample_freq': 5, 'min_child_samples': 97}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000044 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 498\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.149165\n[LightGBM] [Info] Start training from score -0.895384\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000052 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 504\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.930475\n[LightGBM] [Info] Start training from score -1.344909\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000046 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 511\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 13\n[LightGBM] [Info] Start training from score -1.064007\n[LightGBM] [Info] Start training from score -0.966843\n[LightGBM] [Info] Start training from score -1.292265\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000048 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 509\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.134203\n[LightGBM] [Info] Start training from score -0.919793\n[LightGBM] [Info] Start training from score -1.273965\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Info] Auto-choosing col-wise multi-threading, the overhead of testing was 0.000045 seconds.\nYou can set `force_col_wise=true` to remove the overhead.\n[LightGBM] [Info] Total Bins 508\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 13\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.885307\n[LightGBM] [Info] Start training from score -1.351927\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[I 2023-11-01 05:28:39,570] Trial 28 finished with value: 0.3985714285714286 and parameters: {'reg_alpha': 0.020625905545190178, 'reg_lambda': 0.9425393829516836, 'num_leaves': 234, 'colsample_bytree': 0.678425255536722, 'subsample': 0.5353067838658269, 'subsample_freq': 4, 'min_child_samples': 54}. Best is trial 7 with value: 0.32492063492063494.\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] No further splits with positive gain, best gain: -inf\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.242255\n[LightGBM] [Info] Start training from score -0.812692\n[LightGBM] [Info] Start training from score -1.318241\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.004583\n[LightGBM] [Info] Start training from score -0.948494\n[LightGBM] [Info] Start training from score -1.400479\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 142, number of used features: 0\n[LightGBM] [Info] Start training from score -1.127186\n[LightGBM] [Info] Start training from score -0.985535\n[LightGBM] [Info] Start training from score -1.194627\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.050822\n[LightGBM] [Info] Start training from score -0.955511\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] There are no meaningful features which satisfy the provided configuration. Decreasing Dataset parameters min_data_in_bin or min_data_in_leaf and re-constructing Dataset might resolve this warning.\n[LightGBM] [Info] Total Bins 0\n[LightGBM] [Info] Number of data points in the train set: 143, number of used features: 0\n[LightGBM] [Info] Start training from score -1.112697\n[LightGBM] [Info] Start training from score -0.902402\n[LightGBM] [Info] Start training from score -1.325258\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[I 2023-11-01 05:28:39,694] Trial 29 finished with value: 0.399047619047619 and parameters: {'reg_alpha': 0.26292458429882964, 'reg_lambda': 1.1672007267249114, 'num_leaves': 144, 'colsample_bytree': 0.5826999400250936, 'subsample': 0.6771783143923514, 'subsample_freq': 6, 'min_child_samples': 89}. Best is trial 7 with value: 0.32492063492063494.\n:29: ExperimentalWarning:\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n\nplot_terminator_improvement is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:129: ExperimentalWarning:\n\nRegretBoundEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/visualization/_terminator_improvement.py:131: ExperimentalWarning:\n\nCrossValidationErrorEvaluator is experimental (supported from v3.2.0). The interface can change in the future.\n\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n[LightGBM] [Warning] Stopped training because there are no more leaves that meet the split requirements\n\n 0%| | 0/30 [00:00\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,125] Trial 1 failed with value None.\n[I 2023-11-01 05:29:28,141] Trial 3 finished with value: 0.09651297324202336 and parameters: {'x': 0.3106653718102862}. Best is trial 0 with value: 0.07003918157893887.\n[I 2023-11-01 05:29:28,155] Trial 4 finished with value: 0.08136725412483768 and parameters: {'x': 0.2852494594645846}. Best is trial 0 with value: 0.07003918157893887.\n[I 2023-11-01 05:29:28,211] Trial 6 pruned. \n[W 2023-11-01 05:29:28,226] Trial 5 failed with parameters: {'x': 0.8393788040877971} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[I 2023-11-01 05:29:28,227] Trial 7 finished with value: 0.01885445062185593 and parameters: {'x': 0.13731150942967574}. Best is trial 7 with value: 0.01885445062185593.\n[W 2023-11-01 05:29:28,229] Trial 5 failed with value None.\n[W 2023-11-01 05:29:28,322] Trial 9 failed with parameters: {'x': 0.9031138037515429} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,323] Trial 9 failed with value None.\n[W 2023-11-01 05:29:28,325] Trial 8 failed with parameters: {'x': 0.9417391172477223} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,327] Trial 8 failed with value None.\n[I 2023-11-01 05:29:28,394] Trial 11 pruned. \n[I 2023-11-01 05:29:28,396] Trial 10 pruned. \n[I 2023-11-01 05:29:28,415] Trial 13 finished with value: 0.028902039068427553 and parameters: {'x': 0.1700059971542991}. Best is trial 7 with value: 0.01885445062185593.\n[I 2023-11-01 05:29:28,476] Trial 14 pruned. \n[I 2023-11-01 05:29:28,483] Trial 15 finished with value: 9.903806189091457e-06 and parameters: {'x': 0.0031470313295376418}. Best is trial 15 with value: 9.903806189091457e-06.\n[I 2023-11-01 05:29:28,490] Trial 16 finished with value: 0.0001811272875856004 and parameters: {'x': 0.013458353821534059}. Best is trial 15 with value: 9.903806189091457e-06.\n[W 2023-11-01 05:29:28,496] Trial 12 failed with parameters: {'x': 0.9646596137111627} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,497] Trial 12 failed with value None.\n[I 2023-11-01 05:29:28,503] Trial 17 finished with value: 0.005266269642047962 and parameters: {'x': 0.0725690680803327}. Best is trial 15 with value: 9.903806189091457e-06.\n[I 2023-11-01 05:29:28,511] Trial 18 finished with value: 0.0002959392298832095 and parameters: {'x': 0.017202884347783352}. Best is trial 15 with value: 9.903806189091457e-06.\n[W 2023-11-01 05:29:28,605] Trial 20 failed with parameters: {'x': 0.8774184662529757} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,606] Trial 20 failed with value None.\n[W 2023-11-01 05:29:28,612] Trial 19 failed with parameters: {'x': 0.9729343895403902} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,614] Trial 19 failed with value None.\n[I 2023-11-01 05:29:28,614] Trial 21 finished with value: 0.00011605395625238281 and parameters: {'x': 0.010772834179192716}. Best is trial 15 with value: 9.903806189091457e-06.\n[W 2023-11-01 05:29:28,716] Trial 22 failed with parameters: {'x': 0.9245969553253705} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,716] Trial 23 failed with parameters: {'x': 0.8907861889534648} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,719] Trial 23 failed with value None.\n[W 2023-11-01 05:29:28,718] Trial 22 failed with value None.\n[I 2023-11-01 05:29:28,777] Trial 25 pruned. \n[W 2023-11-01 05:29:28,811] Trial 24 failed with parameters: {'x': 0.8297416910695854} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,812] Trial 24 failed with value None.\n[W 2023-11-01 05:29:28,872] Trial 26 failed with parameters: {'x': 0.8771675436529752} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,874] Trial 26 failed with value None.\n[W 2023-11-01 05:29:28,913] Trial 27 failed with parameters: {'x': 0.9567346000382179} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,914] Trial 27 failed with value None.\n[W 2023-11-01 05:29:28,976] Trial 28 failed with parameters: {'x': 0.9539796013524156} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:28,977] Trial 28 failed with value None.\n[W 2023-11-01 05:29:29,004] Trial 29 failed with parameters: {'x': 0.8395749667466484} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,005] Trial 29 failed with value None.\n[W 2023-11-01 05:29:29,067] Trial 30 failed with parameters: {'x': 0.8280926077423015} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,068] Trial 30 failed with value None.\n[W 2023-11-01 05:29:29,098] Trial 31 failed with parameters: {'x': 0.8799080865537525} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,099] Trial 31 failed with value None.\n[W 2023-11-01 05:29:29,160] Trial 32 failed with parameters: {'x': 0.856937291814868} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,161] Trial 32 failed with value None.\n[W 2023-11-01 05:29:29,193] Trial 33 failed with parameters: {'x': 0.8464380540724806} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,194] Trial 33 failed with value None.\n[I 2023-11-01 05:29:29,217] Trial 35 finished with value: 0.030300040090470808 and parameters: {'x': 0.17406906701212255}. Best is trial 15 with value: 9.903806189091457e-06.\n[I 2023-11-01 05:29:29,224] Trial 36 finished with value: 0.00021326872193431514 and parameters: {'x': 0.01460372287926319}. Best is trial 15 with value: 9.903806189091457e-06.\n[W 2023-11-01 05:29:29,257] Trial 34 failed with parameters: {'x': 0.8854930912581905} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,258] Trial 34 failed with value None.\n[W 2023-11-01 05:29:29,317] Trial 37 failed with parameters: {'x': 0.866818763390184} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,318] Trial 37 failed with value None.\n[W 2023-11-01 05:29:29,346] Trial 38 failed with parameters: {'x': 0.819393135373528} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,347] Trial 38 failed with value None.\n[W 2023-11-01 05:29:29,408] Trial 39 failed with parameters: {'x': 0.8408205789965458} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,409] Trial 39 failed with value None.\n[W 2023-11-01 05:29:29,449] Trial 40 failed with parameters: {'x': 0.9656709719875146} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,451] Trial 40 failed with value None.\n[W 2023-11-01 05:29:29,507] Trial 41 failed with parameters: {'x': 0.9116260944828029} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,509] Trial 41 failed with value None.\n[W 2023-11-01 05:29:29,540] Trial 42 failed with parameters: {'x': 0.8301841815412819} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,542] Trial 42 failed with value None.\n[W 2023-11-01 05:29:29,601] Trial 43 failed with parameters: {'x': 0.8545418840583909} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,602] Trial 43 failed with value None.\n[W 2023-11-01 05:29:29,635] Trial 44 failed with parameters: {'x': 0.8718551800978102} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,636] Trial 44 failed with value None.\n[W 2023-11-01 05:29:29,694] Trial 45 failed with parameters: {'x': 0.8481533767119213} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,695] Trial 45 failed with value None.\n[W 2023-11-01 05:29:29,732] Trial 46 failed with parameters: {'x': 0.8924918201658735} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,733] Trial 46 failed with value None.\n[W 2023-11-01 05:29:29,799] Trial 47 failed with parameters: {'x': 0.9647724789607142} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,800] Trial 47 failed with value None.\n[W 2023-11-01 05:29:29,825] Trial 48 failed with parameters: {'x': 0.8591374724474415} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,826] Trial 48 failed with value None.\n[W 2023-11-01 05:29:29,888] Trial 49 failed with parameters: {'x': 0.8115810797577248} because of the following error: ValueError().\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/study/_optimize.py\", line 200, in _run_trial\n value_or_values = func(trial)\n File \"\", line 10, in objective\nValueError\n[W 2023-11-01 05:29:29,889] Trial 49 failed with value None.\n\u001b[2Kreading sources... [ 88%] reference/visualization/generated/optuna.visualization.plot_timeline\n\u001b[2Kreading sources... [ 88%] reference/visualization/index\n\u001b[2Kreading sources... [ 89%] reference/visualization/matplotlib\n\u001b[2Kreading sources... [ 89%] tutorial/10_key_features/001_first\n\u001b[2Kreading sources... [ 90%] tutorial/10_key_features/002_configurations\n\u001b[2Kreading sources... [ 90%] tutorial/10_key_features/003_efficient_optimization_algorithms\n\u001b[2Kreading sources... [ 91%] tutorial/10_key_features/004_distributed\n\u001b[2Kreading sources... [ 91%] tutorial/10_key_features/005_visualization\n\u001b[2Kreading sources... [ 92%] tutorial/10_key_features/index\n\u001b[2Kreading sources... [ 92%] tutorial/10_key_features/sg_execution_times\n\u001b[2Kreading sources... [ 93%] tutorial/20_recipes/001_rdb\n\u001b[2Kreading sources... [ 93%] tutorial/20_recipes/002_multi_objective\n\u001b[2Kreading sources... [ 94%] tutorial/20_recipes/003_attributes\n\u001b[2Kreading sources... [ 94%] tutorial/20_recipes/004_cli\n\u001b[2Kreading sources... [ 95%] tutorial/20_recipes/005_user_defined_sampler\n\u001b[2Kreading sources... [ 95%] tutorial/20_recipes/006_user_defined_pruner\n\u001b[2Kreading sources... [ 96%] tutorial/20_recipes/007_optuna_callback\n\u001b[2Kreading sources... [ 96%] tutorial/20_recipes/008_specify_params\n\u001b[2Kreading sources... [ 97%] tutorial/20_recipes/009_ask_and_tell\n\u001b[2Kreading sources... [ 97%] tutorial/20_recipes/010_reuse_best_trial\n\u001b[2Kreading sources... [ 98%] tutorial/20_recipes/011_journal_storage\n\u001b[2Kreading sources... [ 98%] tutorial/20_recipes/012_artifact_tutorial\n\u001b[2Kreading sources... [ 99%] tutorial/20_recipes/index\n\u001b[2Kreading sources... [ 99%] tutorial/20_recipes/sg_execution_times\n\u001b[2Kreading sources... [100%] tutorial/index\n:21: ExperimentalWarning:\n\nplot_timeline is experimental (supported from v3.2.0). The interface can change in the future.\n\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:22: ERROR: Unexpected indentation.\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:20: WARNING: Inline interpreted text or phrase reference start-string without end-string.\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/optuna/samplers/_tpe/sampler.py:docstring of optuna.samplers._tpe.sampler.TPESampler:23: WARNING: Block quote ends without a blank line; unexpected unindent.\nlooking for now-outdated files... none found\npickling environment... done\nchecking consistency... done\npreparing documents... done\ncopying assets... \u001b[2Kcopying downloadable files... [ 3%] tutorial/10_key_features/001_first.py\n\u001b[2Kcopying downloadable files... [ 5%] tutorial/10_key_features/001_first.ipynb\n\u001b[2Kcopying downloadable files... [ 8%] tutorial/10_key_features/002_configurations.py\n\u001b[2Kcopying downloadable files... [ 11%] tutorial/10_key_features/002_configurations.ipynb\n\u001b[2Kcopying downloadable files... [ 13%] tutorial/10_key_features/003_efficient_optimization_algorithms.py\n\u001b[2Kcopying downloadable files... [ 16%] tutorial/10_key_features/003_efficient_optimization_algorithms.ipynb\n\u001b[2Kcopying downloadable files... [ 18%] tutorial/10_key_features/004_distributed.py\n\u001b[2Kcopying downloadable files... [ 21%] tutorial/10_key_features/004_distributed.ipynb\n\u001b[2Kcopying downloadable files... [ 24%] tutorial/10_key_features/005_visualization.py\n\u001b[2Kcopying downloadable files... [ 26%] tutorial/10_key_features/005_visualization.ipynb\n\u001b[2Kcopying downloadable files... [ 29%] tutorial/10_key_features/10_key_features_python.zip\n\u001b[2Kcopying downloadable files... [ 32%] tutorial/10_key_features/10_key_features_jupyter.zip\n\u001b[2Kcopying downloadable files... [ 34%] tutorial/20_recipes/001_rdb.py\n\u001b[2Kcopying downloadable files... [ 37%] tutorial/20_recipes/001_rdb.ipynb\n\u001b[2Kcopying downloadable files... [ 39%] tutorial/20_recipes/002_multi_objective.py\n\u001b[2Kcopying downloadable files... [ 42%] tutorial/20_recipes/002_multi_objective.ipynb\n\u001b[2Kcopying downloadable files... [ 45%] tutorial/20_recipes/003_attributes.py\n\u001b[2Kcopying downloadable files... [ 47%] tutorial/20_recipes/003_attributes.ipynb\n\u001b[2Kcopying downloadable files... [ 50%] tutorial/20_recipes/004_cli.py\n\u001b[2Kcopying downloadable files... [ 53%] tutorial/20_recipes/004_cli.ipynb\n\u001b[2Kcopying downloadable files... [ 55%] tutorial/20_recipes/005_user_defined_sampler.py\n\u001b[2Kcopying downloadable files... [ 58%] tutorial/20_recipes/005_user_defined_sampler.ipynb\n\u001b[2Kcopying downloadable files... [ 61%] tutorial/20_recipes/006_user_defined_pruner.py\n\u001b[2Kcopying downloadable files... [ 63%] tutorial/20_recipes/006_user_defined_pruner.ipynb\n\u001b[2Kcopying downloadable files... [ 66%] tutorial/20_recipes/007_optuna_callback.py\n\u001b[2Kcopying downloadable files... [ 68%] tutorial/20_recipes/007_optuna_callback.ipynb\n\u001b[2Kcopying downloadable files... [ 71%] tutorial/20_recipes/008_specify_params.py\n\u001b[2Kcopying downloadable files... [ 74%] tutorial/20_recipes/008_specify_params.ipynb\n\u001b[2Kcopying downloadable files... [ 76%] tutorial/20_recipes/009_ask_and_tell.py\n\u001b[2Kcopying downloadable files... [ 79%] tutorial/20_recipes/009_ask_and_tell.ipynb\n\u001b[2Kcopying downloadable files... [ 82%] tutorial/20_recipes/010_reuse_best_trial.py\n\u001b[2Kcopying downloadable files... [ 84%] tutorial/20_recipes/010_reuse_best_trial.ipynb\n\u001b[2Kcopying downloadable files... [ 87%] tutorial/20_recipes/011_journal_storage.py\n\u001b[2Kcopying downloadable files... [ 89%] tutorial/20_recipes/011_journal_storage.ipynb\n\u001b[2Kcopying downloadable files... [ 92%] tutorial/20_recipes/012_artifact_tutorial.py\n\u001b[2Kcopying downloadable files... [ 95%] tutorial/20_recipes/012_artifact_tutorial.ipynb\n\u001b[2Kcopying downloadable files... [ 97%] tutorial/20_recipes/20_recipes_python.zip\n\u001b[2Kcopying downloadable files... [100%] tutorial/20_recipes/20_recipes_jupyter.zip\ncopying static files... done\ncopying extra files... done\ndone\n\u001b[2Kwriting output... [ 1%] faq\n\u001b[2Kwriting output... [ 1%] index\n\u001b[2Kwriting output... [ 2%] installation\n\u001b[2Kwriting output... [ 2%] license_thirdparty\n\u001b[2Kwriting output... [ 3%] privacy\n\u001b[2Kwriting output... [ 3%] reference/artifacts\n\u001b[2Kwriting output... [ 4%] reference/cli\n\u001b[2Kwriting output... [ 4%] reference/distributions\n\u001b[2Kwriting output... [ 5%] reference/exceptions\n\u001b[2Kwriting output... [ 5%] reference/generated/optuna.TrialPruned\n\u001b[2Kwriting output... [ 6%] reference/generated/optuna.artifacts.Backoff\n\u001b[2Kwriting output... [ 6%] reference/generated/optuna.artifacts.Boto3ArtifactStore\n\u001b[2Kwriting output... [ 7%] reference/generated/optuna.artifacts.FileSystemArtifactStore\n\u001b[2Kwriting output... [ 7%] reference/generated/optuna.artifacts.GCSArtifactStore\n\u001b[2Kwriting output... [ 8%] reference/generated/optuna.artifacts.upload_artifact\n\u001b[2Kwriting output... [ 8%] reference/generated/optuna.copy_study\n\u001b[2Kwriting output... [ 9%] reference/generated/optuna.create_study\n\u001b[2Kwriting output... [ 9%] reference/generated/optuna.delete_study\n\u001b[2Kwriting output... [ 10%] reference/generated/optuna.distributions.CategoricalDistribution\n\u001b[2Kwriting output... [ 10%] reference/generated/optuna.distributions.DiscreteUniformDistribution\n\u001b[2Kwriting output... [ 11%] reference/generated/optuna.distributions.FloatDistribution\n\u001b[2Kwriting output... [ 11%] reference/generated/optuna.distributions.IntDistribution\n\u001b[2Kwriting output... [ 12%] reference/generated/optuna.distributions.IntLogUniformDistribution\n\u001b[2Kwriting output... [ 12%] reference/generated/optuna.distributions.IntUniformDistribution\n\u001b[2Kwriting output... [ 13%] reference/generated/optuna.distributions.LogUniformDistribution\n\u001b[2Kwriting output... [ 13%] reference/generated/optuna.distributions.UniformDistribution\n\u001b[2Kwriting output... [ 14%] reference/generated/optuna.distributions.check_distribution_compatibility\n\u001b[2Kwriting output... [ 14%] reference/generated/optuna.distributions.distribution_to_json\n\u001b[2Kwriting output... [ 15%] reference/generated/optuna.distributions.json_to_distribution\n\u001b[2Kwriting output... [ 15%] reference/generated/optuna.exceptions.CLIUsageError\n\u001b[2Kwriting output... [ 16%] reference/generated/optuna.exceptions.DuplicatedStudyError\n\u001b[2Kwriting output... [ 16%] reference/generated/optuna.exceptions.OptunaError\n\u001b[2Kwriting output... [ 17%] reference/generated/optuna.exceptions.StorageInternalError\n\u001b[2Kwriting output... [ 17%] reference/generated/optuna.exceptions.TrialPruned\n\u001b[2Kwriting output... [ 18%] reference/generated/optuna.get_all_study_names\n\u001b[2Kwriting output... [ 18%] reference/generated/optuna.get_all_study_summaries\n\u001b[2Kwriting output... [ 19%] reference/generated/optuna.importance.FanovaImportanceEvaluator\n\u001b[2Kwriting output... [ 19%] reference/generated/optuna.importance.MeanDecreaseImpurityImportanceEvaluator\n\u001b[2Kwriting output... [ 20%] reference/generated/optuna.importance.get_param_importances\n\u001b[2Kwriting output... [ 20%] reference/generated/optuna.integration.BoTorchSampler\n\u001b[2Kwriting output... [ 21%] reference/generated/optuna.integration.CatBoostPruningCallback\n\u001b[2Kwriting output... [ 21%] reference/generated/optuna.integration.CmaEsSampler\n\u001b[2Kwriting output... [ 22%] reference/generated/optuna.integration.DaskStorage\n\u001b[2Kwriting output... [ 22%] reference/generated/optuna.integration.FastAIPruningCallback\n\u001b[2Kwriting output... [ 23%] reference/generated/optuna.integration.FastAIV1PruningCallback\n\u001b[2Kwriting output... [ 23%] reference/generated/optuna.integration.FastAIV2PruningCallback\n\u001b[2Kwriting output... [ 24%] reference/generated/optuna.integration.LightGBMPruningCallback\n\u001b[2Kwriting output... [ 24%] reference/generated/optuna.integration.MLflowCallback\n\u001b[2Kwriting output... [ 25%] reference/generated/optuna.integration.OptunaSearchCV\n\u001b[2Kwriting output... [ 25%] reference/generated/optuna.integration.PyCmaSampler\n\u001b[2Kwriting output... [ 26%] reference/generated/optuna.integration.PyTorchIgnitePruningHandler\n\u001b[2Kwriting output... [ 26%] reference/generated/optuna.integration.PyTorchLightningPruningCallback\n\u001b[2Kwriting output... [ 27%] reference/generated/optuna.integration.SkoptSampler\n\u001b[2Kwriting output... [ 27%] reference/generated/optuna.integration.TensorBoardCallback\n\u001b[2Kwriting output... [ 28%] reference/generated/optuna.integration.TorchDistributedTrial\n\u001b[2Kwriting output... [ 28%] reference/generated/optuna.integration.WeightsAndBiasesCallback\n\u001b[2Kwriting output... [ 29%] reference/generated/optuna.integration.XGBoostPruningCallback\n\u001b[2Kwriting output... [ 29%] reference/generated/optuna.integration.botorch.logei_candidates_func\n\u001b[2Kwriting output... [ 30%] reference/generated/optuna.integration.botorch.qehvi_candidates_func\n\u001b[2Kwriting output... [ 30%] reference/generated/optuna.integration.botorch.qei_candidates_func\n\u001b[2Kwriting output... [ 31%] reference/generated/optuna.integration.botorch.qnehvi_candidates_func\n\u001b[2Kwriting output... [ 31%] reference/generated/optuna.integration.botorch.qnei_candidates_func\n\u001b[2Kwriting output... [ 32%] reference/generated/optuna.integration.botorch.qparego_candidates_func\n\u001b[2Kwriting output... [ 32%] reference/generated/optuna.integration.lightgbm.LightGBMTuner\n\u001b[2Kwriting output... [ 33%] reference/generated/optuna.integration.lightgbm.LightGBMTunerCV\n\u001b[2Kwriting output... [ 33%] reference/generated/optuna.integration.lightgbm.train\n\u001b[2Kwriting output... [ 34%] reference/generated/optuna.load_study\n\u001b[2Kwriting output... [ 34%] reference/generated/optuna.logging.disable_default_handler\n\u001b[2Kwriting output... [ 35%] reference/generated/optuna.logging.disable_propagation\n\u001b[2Kwriting output... [ 35%] reference/generated/optuna.logging.enable_default_handler\n\u001b[2Kwriting output... [ 36%] reference/generated/optuna.logging.enable_propagation\n\u001b[2Kwriting output... [ 36%] reference/generated/optuna.logging.get_verbosity\n\u001b[2Kwriting output... [ 37%] reference/generated/optuna.logging.set_verbosity\n\u001b[2Kwriting output... [ 37%] reference/generated/optuna.pruners.BasePruner\n\u001b[2Kwriting output... [ 38%] reference/generated/optuna.pruners.HyperbandPruner\n\u001b[2Kwriting output... [ 38%] reference/generated/optuna.pruners.MedianPruner\n\u001b[2Kwriting output... [ 39%] reference/generated/optuna.pruners.NopPruner\n\u001b[2Kwriting output... [ 39%] reference/generated/optuna.pruners.PatientPruner\n\u001b[2Kwriting output... [ 40%] reference/generated/optuna.pruners.PercentilePruner\n\u001b[2Kwriting output... [ 40%] reference/generated/optuna.pruners.SuccessiveHalvingPruner\n\u001b[2Kwriting output... [ 41%] reference/generated/optuna.pruners.ThresholdPruner\n\u001b[2Kwriting output... [ 41%] reference/generated/optuna.search_space.IntersectionSearchSpace\n\u001b[2Kwriting output... [ 42%] reference/generated/optuna.search_space.intersection_search_space\n\u001b[2Kwriting output... [ 42%] reference/generated/optuna.storages.JournalFileOpenLock\n\u001b[2Kwriting output... [ 43%] reference/generated/optuna.storages.JournalFileStorage\n\u001b[2Kwriting output... [ 43%] reference/generated/optuna.storages.JournalFileSymlinkLock\n\u001b[2Kwriting output... [ 44%] reference/generated/optuna.storages.JournalRedisStorage\n\u001b[2Kwriting output... [ 44%] reference/generated/optuna.storages.JournalStorage\n\u001b[2Kwriting output... [ 45%] reference/generated/optuna.storages.RDBStorage\n\u001b[2Kwriting output... [ 45%] reference/generated/optuna.storages.RetryFailedTrialCallback\n\u001b[2Kwriting output... [ 46%] reference/generated/optuna.storages.fail_stale_trials\n\u001b[2Kwriting output... [ 46%] reference/generated/optuna.study.MaxTrialsCallback\n\u001b[2Kwriting output... [ 47%] reference/generated/optuna.study.Study\n\u001b[2Kwriting output... [ 47%] reference/generated/optuna.study.StudyDirection\n\u001b[2Kwriting output... [ 48%] reference/generated/optuna.study.StudySummary\n\u001b[2Kwriting output... [ 48%] reference/generated/optuna.study.copy_study\n\u001b[2Kwriting output... [ 49%] reference/generated/optuna.study.create_study\n\u001b[2Kwriting output... [ 49%] reference/generated/optuna.study.delete_study\n\u001b[2Kwriting output... [ 50%] reference/generated/optuna.study.get_all_study_names\n\u001b[2Kwriting output... [ 51%] reference/generated/optuna.study.get_all_study_summaries\n\u001b[2Kwriting output... [ 51%] reference/generated/optuna.study.load_study\n\u001b[2Kwriting output... [ 52%] reference/generated/optuna.terminator.BaseErrorEvaluator\n\u001b[2Kwriting output... [ 52%] reference/generated/optuna.terminator.BaseImprovementEvaluator\n\u001b[2Kwriting output... [ 53%] reference/generated/optuna.terminator.BaseTerminator\n\u001b[2Kwriting output... [ 53%] reference/generated/optuna.terminator.BestValueStagnationEvaluator\n\u001b[2Kwriting output... [ 54%] reference/generated/optuna.terminator.CrossValidationErrorEvaluator\n\u001b[2Kwriting output... [ 54%] reference/generated/optuna.terminator.RegretBoundEvaluator\n\u001b[2Kwriting output... [ 55%] reference/generated/optuna.terminator.StaticErrorEvaluator\n\u001b[2Kwriting output... [ 55%] reference/generated/optuna.terminator.Terminator\n\u001b[2Kwriting output... [ 56%] reference/generated/optuna.terminator.TerminatorCallback\n\u001b[2Kwriting output... [ 56%] reference/generated/optuna.terminator.report_cross_validation_scores\n\u001b[2Kwriting output... [ 57%] reference/generated/optuna.trial.FixedTrial\n\u001b[2Kwriting output... [ 57%] reference/generated/optuna.trial.FrozenTrial\n\u001b[2Kwriting output... [ 58%] reference/generated/optuna.trial.Trial\n\u001b[2Kwriting output... [ 58%] reference/generated/optuna.trial.TrialState\n\u001b[2Kwriting output... [ 59%] reference/generated/optuna.trial.create_trial\n\u001b[2Kwriting output... [ 59%] reference/importance\n\u001b[2Kwriting output... [ 60%] reference/index\n\u001b[2Kwriting output... [ 60%] reference/integration\n\u001b[2Kwriting output... [ 61%] reference/logging\n\u001b[2Kwriting output... [ 61%] reference/optuna\n\u001b[2Kwriting output... [ 62%] reference/pruners\n\u001b[2Kwriting output... [ 62%] reference/samplers/generated/optuna.samplers.BaseSampler\n\u001b[2Kwriting output... [ 63%] reference/samplers/generated/optuna.samplers.BruteForceSampler\n\u001b[2Kwriting output... [ 63%] reference/samplers/generated/optuna.samplers.CmaEsSampler\n\u001b[2Kwriting output... [ 64%] reference/samplers/generated/optuna.samplers.GridSampler\n\u001b[2Kwriting output... [ 64%] reference/samplers/generated/optuna.samplers.IntersectionSearchSpace\n\u001b[2Kwriting output... [ 65%] reference/samplers/generated/optuna.samplers.NSGAIIISampler\n\u001b[2Kwriting output... [ 65%] reference/samplers/generated/optuna.samplers.NSGAIISampler\n\u001b[2Kwriting output... [ 66%] reference/samplers/generated/optuna.samplers.PartialFixedSampler\n\u001b[2Kwriting output... [ 66%] reference/samplers/generated/optuna.samplers.QMCSampler\n\u001b[2Kwriting output... [ 67%] reference/samplers/generated/optuna.samplers.RandomSampler\n\u001b[2Kwriting output... [ 67%] reference/samplers/generated/optuna.samplers.TPESampler\n\u001b[2Kwriting output... [ 68%] reference/samplers/generated/optuna.samplers.intersection_search_space\n\u001b[2Kwriting output... [ 68%] reference/samplers/generated/optuna.samplers.nsgaii.BLXAlphaCrossover\n\u001b[2Kwriting output... [ 69%] reference/samplers/generated/optuna.samplers.nsgaii.BaseCrossover\n\u001b[2Kwriting output... [ 69%] reference/samplers/generated/optuna.samplers.nsgaii.SBXCrossover\n\u001b[2Kwriting output... [ 70%] reference/samplers/generated/optuna.samplers.nsgaii.SPXCrossover\n\u001b[2Kwriting output... [ 70%] reference/samplers/generated/optuna.samplers.nsgaii.UNDXCrossover\n\u001b[2Kwriting output... [ 71%] reference/samplers/generated/optuna.samplers.nsgaii.UniformCrossover\n\u001b[2Kwriting output... [ 71%] reference/samplers/generated/optuna.samplers.nsgaii.VSBXCrossover\n\u001b[2Kwriting output... [ 72%] reference/samplers/index\n\u001b[2Kwriting output... [ 72%] reference/samplers/nsgaii\n\u001b[2Kwriting output... [ 73%] reference/search_space\n\u001b[2Kwriting output... [ 73%] reference/storages\n\u001b[2Kwriting output... [ 74%] reference/study\n\u001b[2Kwriting output... [ 74%] reference/terminator\n\u001b[2Kwriting output... [ 75%] reference/trial\n\u001b[2Kwriting output... [ 75%] reference/visualization/generated/optuna.visualization.is_available\n\u001b[2Kwriting output... [ 76%] reference/visualization/generated/optuna.visualization.matplotlib.is_available\n\u001b[2Kwriting output... [ 76%] reference/visualization/generated/optuna.visualization.matplotlib.plot_contour\n\u001b[2Kwriting output... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_edf\n\u001b[2Kwriting output... [ 77%] reference/visualization/generated/optuna.visualization.matplotlib.plot_hypervolume_history\n\u001b[2Kwriting output... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_intermediate_values\n\u001b[2Kwriting output... [ 78%] reference/visualization/generated/optuna.visualization.matplotlib.plot_optimization_history\n\u001b[2Kwriting output... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_parallel_coordinate\n\u001b[2Kwriting output... [ 79%] reference/visualization/generated/optuna.visualization.matplotlib.plot_param_importances\n\u001b[2Kwriting output... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_pareto_front\n\u001b[2Kwriting output... [ 80%] reference/visualization/generated/optuna.visualization.matplotlib.plot_rank\n\u001b[2Kwriting output... [ 81%] reference/visualization/generated/optuna.visualization.matplotlib.plot_slice\n\u001b[2Kwriting output... [ 81%] reference/visualization/generated/optuna.visualization.matplotlib.plot_terminator_improvement\n\u001b[2Kwriting output... [ 82%] reference/visualization/generated/optuna.visualization.matplotlib.plot_timeline\n\u001b[2Kwriting output... [ 82%] reference/visualization/generated/optuna.visualization.plot_contour\n\u001b[2Kwriting output... [ 83%] reference/visualization/generated/optuna.visualization.plot_edf\n\u001b[2Kwriting output... [ 83%] reference/visualization/generated/optuna.visualization.plot_hypervolume_history\n\u001b[2Kwriting output... [ 84%] reference/visualization/generated/optuna.visualization.plot_intermediate_values\n\u001b[2Kwriting output... [ 84%] reference/visualization/generated/optuna.visualization.plot_optimization_history\n\u001b[2Kwriting output... [ 85%] reference/visualization/generated/optuna.visualization.plot_parallel_coordinate\n\u001b[2Kwriting output... [ 85%] reference/visualization/generated/optuna.visualization.plot_param_importances\n\u001b[2Kwriting output... [ 86%] reference/visualization/generated/optuna.visualization.plot_pareto_front\n\u001b[2Kwriting output... [ 86%] reference/visualization/generated/optuna.visualization.plot_rank\n\u001b[2Kwriting output... [ 87%] reference/visualization/generated/optuna.visualization.plot_slice\n\u001b[2Kwriting output... [ 87%] reference/visualization/generated/optuna.visualization.plot_terminator_improvement\n\u001b[2Kwriting output... [ 88%] reference/visualization/generated/optuna.visualization.plot_timeline\n\u001b[2Kwriting output... [ 88%] reference/visualization/index\n\u001b[2Kwriting output... [ 89%] reference/visualization/matplotlib\n\u001b[2Kwriting output... [ 89%] tutorial/10_key_features/001_first\n\u001b[2Kwriting output... [ 90%] tutorial/10_key_features/002_configurations\n\u001b[2Kwriting output... [ 90%] tutorial/10_key_features/003_efficient_optimization_algorithms\n\u001b[2Kwriting output... [ 91%] tutorial/10_key_features/004_distributed\n\u001b[2Kwriting output... [ 91%] tutorial/10_key_features/005_visualization\n\u001b[2Kwriting output... [ 92%] tutorial/10_key_features/index\n\u001b[2Kwriting output... [ 92%] tutorial/10_key_features/sg_execution_times\n\u001b[2Kwriting output... [ 93%] tutorial/20_recipes/001_rdb\n\u001b[2Kwriting output... [ 93%] tutorial/20_recipes/002_multi_objective\n\u001b[2Kwriting output... [ 94%] tutorial/20_recipes/003_attributes\n\u001b[2Kwriting output... [ 94%] tutorial/20_recipes/004_cli\n\u001b[2Kwriting output... [ 95%] tutorial/20_recipes/005_user_defined_sampler\n\u001b[2Kwriting output... [ 95%] tutorial/20_recipes/006_user_defined_pruner\n\u001b[2Kwriting output... [ 96%] tutorial/20_recipes/007_optuna_callback\n\u001b[2Kwriting output... [ 96%] tutorial/20_recipes/008_specify_params\n\u001b[2Kwriting output... [ 97%] tutorial/20_recipes/009_ask_and_tell\n\u001b[2Kwriting output... [ 97%] tutorial/20_recipes/010_reuse_best_trial\n\u001b[2Kwriting output... [ 98%] tutorial/20_recipes/011_journal_storage\n\u001b[2Kwriting output... [ 98%] tutorial/20_recipes/012_artifact_tutorial\n\u001b[2Kwriting output... [ 99%] tutorial/20_recipes/index\n\u001b[2Kwriting output... [ 99%] tutorial/20_recipes/sg_execution_times\n\u001b[2Kwriting output... [100%] tutorial/index\ngenerating indices... genindex py-modindex done\n\u001b[2Khighlighting module code... [ 1%] optuna._callbacks\n\u001b[2Khighlighting module code... [ 2%] optuna.artifacts._backoff\n\u001b[2Khighlighting module code... [ 3%] optuna.artifacts._boto3\n\u001b[2Khighlighting module code... [ 4%] optuna.artifacts._filesystem\n\u001b[2Khighlighting module code... [ 5%] optuna.artifacts._gcs\n\u001b[2Khighlighting module code... [ 6%] optuna.artifacts._upload\n\u001b[2Khighlighting module code... [ 7%] optuna.distributions\n\u001b[2Khighlighting module code... [ 8%] optuna.exceptions\n\u001b[2Khighlighting module code... [ 9%] optuna.importance\n\u001b[2Khighlighting module code... [ 10%] optuna.importance._fanova._evaluator\n\u001b[2Khighlighting module code... [ 11%] optuna.importance._mean_decrease_impurity\n\u001b[2Khighlighting module code... [ 12%] optuna.integration._lightgbm_tuner._train\n\u001b[2Khighlighting module code... [ 13%] optuna.integration._lightgbm_tuner.optimize\n\u001b[2Khighlighting module code... [ 14%] optuna.integration.botorch\n\u001b[2Khighlighting module code... [ 15%] optuna.integration.catboost\n\u001b[2Khighlighting module code... [ 16%] optuna.integration.cma\n\u001b[2Khighlighting module code... [ 17%] optuna.integration.dask\n\u001b[2Khighlighting module code... [ 18%] optuna.integration.fastaiv1\n\u001b[2Khighlighting module code... [ 19%] optuna.integration.fastaiv2\n\u001b[2Khighlighting module code... [ 20%] optuna.integration.lightgbm\n\u001b[2Khighlighting module code... [ 21%] optuna.integration.mlflow\n\u001b[2Khighlighting module code... [ 22%] optuna.integration.pytorch_distributed\n\u001b[2Khighlighting module code... [ 23%] optuna.integration.pytorch_ignite\n\u001b[2Khighlighting module code... [ 24%] optuna.integration.pytorch_lightning\n\u001b[2Khighlighting module code... [ 25%] optuna.integration.sklearn\n\u001b[2Khighlighting module code... [ 26%] optuna.integration.skopt\n\u001b[2Khighlighting module code... [ 27%] optuna.integration.tensorboard\n\u001b[2Khighlighting module code... [ 28%] optuna.integration.wandb\n\u001b[2Khighlighting module code... [ 29%] optuna.integration.xgboost\n\u001b[2Khighlighting module code... [ 30%] optuna.logging\n\u001b[2Khighlighting module code... [ 31%] optuna.pruners._base\n\u001b[2Khighlighting module code... [ 32%] optuna.pruners._hyperband\n\u001b[2Khighlighting module code... [ 33%] optuna.pruners._median\n\u001b[2Khighlighting module code... [ 34%] optuna.pruners._nop\n\u001b[2Khighlighting module code... [ 35%] optuna.pruners._patient\n\u001b[2Khighlighting module code... [ 36%] optuna.pruners._percentile\n\u001b[2Khighlighting module code... [ 37%] optuna.pruners._successive_halving\n\u001b[2Khighlighting module code... [ 38%] optuna.pruners._threshold\n\u001b[2Khighlighting module code... [ 39%] optuna.samplers._base\n\u001b[2Khighlighting module code... [ 40%] optuna.samplers._brute_force\n\u001b[2Khighlighting module code... [ 41%] optuna.samplers._cmaes\n\u001b[2Khighlighting module code... [ 42%] optuna.samplers._grid\n\u001b[2Khighlighting module code... [ 43%] optuna.samplers._nsgaiii._sampler\n\u001b[2Khighlighting module code... [ 44%] optuna.samplers._partial_fixed\n\u001b[2Khighlighting module code... [ 45%] optuna.samplers._qmc\n\u001b[2Khighlighting module code... [ 46%] optuna.samplers._random\n\u001b[2Khighlighting module code... [ 47%] optuna.samplers._search_space.intersection\n\u001b[2Khighlighting module code... [ 48%] optuna.samplers._tpe.sampler\n\u001b[2Khighlighting module code... [ 49%] optuna.samplers.nsgaii._crossovers._base\n\u001b[2Khighlighting module code... [ 51%] optuna.samplers.nsgaii._crossovers._blxalpha\n\u001b[2Khighlighting module code... [ 52%] optuna.samplers.nsgaii._crossovers._sbx\n\u001b[2Khighlighting module code... [ 53%] optuna.samplers.nsgaii._crossovers._spx\n\u001b[2Khighlighting module code... [ 54%] optuna.samplers.nsgaii._crossovers._undx\n\u001b[2Khighlighting module code... [ 55%] optuna.samplers.nsgaii._crossovers._uniform\n\u001b[2Khighlighting module code... [ 56%] optuna.samplers.nsgaii._crossovers._vsbx\n\u001b[2Khighlighting module code... [ 57%] optuna.samplers.nsgaii._sampler\n\u001b[2Khighlighting module code... [ 58%] optuna.search_space.intersection\n\u001b[2Khighlighting module code... [ 59%] optuna.storages._heartbeat\n\u001b[2Khighlighting module code... [ 60%] optuna.storages._journal.file\n\u001b[2Khighlighting module code... [ 61%] optuna.storages._journal.redis\n\u001b[2Khighlighting module code... [ 62%] optuna.storages._journal.storage\n\u001b[2Khighlighting module code... [ 63%] optuna.storages._rdb.storage\n\u001b[2Khighlighting module code... [ 64%] optuna.study._study_direction\n\u001b[2Khighlighting module code... [ 65%] optuna.study._study_summary\n\u001b[2Khighlighting module code... [ 66%] optuna.study.study\n\u001b[2Khighlighting module code... [ 67%] optuna.terminator.callback\n\u001b[2Khighlighting module code... [ 68%] optuna.terminator.erroreval\n\u001b[2Khighlighting module code... [ 69%] optuna.terminator.improvement.evaluator\n\u001b[2Khighlighting module code... [ 70%] optuna.terminator.terminator\n\u001b[2Khighlighting module code... [ 71%] optuna.trial._fixed\n\u001b[2Khighlighting module code... [ 72%] optuna.trial._frozen\n\u001b[2Khighlighting module code... [ 73%] optuna.trial._state\n\u001b[2Khighlighting module code... [ 74%] optuna.trial._trial\n\u001b[2Khighlighting module code... [ 75%] optuna.visualization._contour\n\u001b[2Khighlighting module code... [ 76%] optuna.visualization._edf\n\u001b[2Khighlighting module code... [ 77%] optuna.visualization._hypervolume_history\n\u001b[2Khighlighting module code... [ 78%] optuna.visualization._intermediate_values\n\u001b[2Khighlighting module code... [ 79%] optuna.visualization._optimization_history\n\u001b[2Khighlighting module code... [ 80%] optuna.visualization._parallel_coordinate\n\u001b[2Khighlighting module code... [ 81%] optuna.visualization._param_importances\n\u001b[2Khighlighting module code... [ 82%] optuna.visualization._pareto_front\n\u001b[2Khighlighting module code... [ 83%] optuna.visualization._rank\n\u001b[2Khighlighting module code... [ 84%] optuna.visualization._slice\n\u001b[2Khighlighting module code... [ 85%] optuna.visualization._terminator_improvement\n\u001b[2Khighlighting module code... [ 86%] optuna.visualization._timeline\n\u001b[2Khighlighting module code... [ 87%] optuna.visualization._utils\n\u001b[2Khighlighting module code... [ 88%] optuna.visualization.matplotlib._contour\n\u001b[2Khighlighting module code... [ 89%] optuna.visualization.matplotlib._edf\n\u001b[2Khighlighting module code... [ 90%] optuna.visualization.matplotlib._hypervolume_history\n\u001b[2Khighlighting module code... [ 91%] optuna.visualization.matplotlib._intermediate_values\n\u001b[2Khighlighting module code... [ 92%] optuna.visualization.matplotlib._optimization_history\n\u001b[2Khighlighting module code... [ 93%] optuna.visualization.matplotlib._parallel_coordinate\n\u001b[2Khighlighting module code... [ 94%] optuna.visualization.matplotlib._param_importances\n\u001b[2Khighlighting module code... [ 95%] optuna.visualization.matplotlib._pareto_front\n\u001b[2Khighlighting module code... [ 96%] optuna.visualization.matplotlib._rank\n\u001b[2Khighlighting module code... [ 97%] optuna.visualization.matplotlib._slice\n\u001b[2Khighlighting module code... [ 98%] optuna.visualization.matplotlib._terminator_improvement\n\u001b[2Khighlighting module code... [ 99%] optuna.visualization.matplotlib._timeline\n\u001b[2Khighlighting module code... [100%] optuna.visualization.matplotlib._utils\nwriting additional pages... search done\n\u001b[2Kcopying images... [ 3%] ../image/sampling-sequence.png\n\u001b[2Kcopying images... [ 7%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_contour-1.png\n\u001b[2Kcopying images... [ 10%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_edf-1.png\n\u001b[2Kcopying images... [ 13%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_hypervolume_history-1.png\n\u001b[2Kcopying images... [ 17%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_intermediate_values-1.png\n\u001b[2Kcopying images... [ 20%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_optimization_history-1.png\n\u001b[2Kcopying images... [ 23%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_parallel_coordinate-1.png\n\u001b[2Kcopying images... [ 27%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_param_importances-1.png\n\u001b[2Kcopying images... [ 30%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_pareto_front-1.png\n\u001b[2Kcopying images... [ 33%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_rank-1.png\n\u001b[2Kcopying images... [ 37%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_slice-1.png\n\u001b[2Kcopying images... [ 40%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_terminator_improvement-1.png\n\u001b[2Kcopying images... [ 43%] ../build/plot_directive/reference/visualization/generated/optuna-visualization-matplotlib-plot_timeline-1.png\n\u001b[2Kcopying images... [ 47%] tutorial/10_key_features/images/thumb/sphx_glr_001_first_thumb.png\n\u001b[2Kcopying images... [ 50%] tutorial/10_key_features/images/thumb/sphx_glr_002_configurations_thumb.png\n\u001b[2Kcopying images... [ 53%] tutorial/10_key_features/images/thumb/sphx_glr_003_efficient_optimization_algorithms_thumb.png\n\u001b[2Kcopying images... [ 57%] tutorial/10_key_features/images/thumb/sphx_glr_004_distributed_thumb.png\n\u001b[2Kcopying images... [ 60%] tutorial/10_key_features/images/thumb/sphx_glr_005_visualization_thumb.png\n\u001b[2Kcopying images... [ 63%] tutorial/20_recipes/images/thumb/sphx_glr_001_rdb_thumb.png\n\u001b[2Kcopying images... [ 67%] tutorial/20_recipes/images/thumb/sphx_glr_002_multi_objective_thumb.png\n\u001b[2Kcopying images... [ 70%] tutorial/20_recipes/images/thumb/sphx_glr_003_attributes_thumb.png\n\u001b[2Kcopying images... [ 73%] tutorial/20_recipes/images/thumb/sphx_glr_004_cli_thumb.png\n\u001b[2Kcopying images... [ 77%] tutorial/20_recipes/images/thumb/sphx_glr_005_user_defined_sampler_thumb.png\n\u001b[2Kcopying images... [ 80%] tutorial/20_recipes/images/thumb/sphx_glr_006_user_defined_pruner_thumb.png\n\u001b[2Kcopying images... [ 83%] tutorial/20_recipes/images/thumb/sphx_glr_007_optuna_callback_thumb.png\n\u001b[2Kcopying images... [ 87%] tutorial/20_recipes/images/thumb/sphx_glr_008_specify_params_thumb.png\n\u001b[2Kcopying images... [ 90%] tutorial/20_recipes/images/thumb/sphx_glr_009_ask_and_tell_thumb.png\n\u001b[2Kcopying images... [ 93%] tutorial/20_recipes/images/thumb/sphx_glr_010_reuse_best_trial_thumb.png\n\u001b[2Kcopying images... [ 97%] tutorial/20_recipes/images/thumb/sphx_glr_011_journal_storage_thumb.png\n\u001b[2Kcopying images... [100%] tutorial/20_recipes/images/thumb/sphx_glr_012_artifact_tutorial_thumb.png\ndumping search index in English (code: en)... done\ndumping object inventory... done\n\nSphinx-Gallery successfully executed 17 out of 17 files subselected by:\n\n gallery_conf[\"filename_pattern\"] = '/*\\\\.py'\n gallery_conf[\"ignore_pattern\"] = '__init__\\\\.py'\n\nafter excluding 0 files that had previously been run (based on MD5).\n\nembedding documentation hyperlinks...\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 14%] 003_efficient_optimization_algorithms.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 29%] 005_visualization.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 43%] index.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 57%] 001_first.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 71%] sg_execution_times.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [ 86%] 002_configurations.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/10_key_features... [100%] 004_distributed.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 7%] 005_user_defined_sampler.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 14%] 009_ask_and_tell.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 21%] 004_cli.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 29%] 002_multi_objective.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 36%] 010_reuse_best_trial.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 43%] 008_specify_params.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 50%] 003_attributes.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 57%] 006_user_defined_pruner.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 64%] index.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 71%] 001_rdb.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 79%] sg_execution_times.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 86%] 011_journal_storage.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [ 93%] 007_optuna_callback.html\n\u001b[2Kembedding documentation hyperlinks for tutorial/20_recipes... [100%] 012_artifact_tutorial.html\nbuild finished with problems, 3 warnings.\nmake: *** [Makefile:20: html] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/optuna/samplers/_tpe/sampler.py b/optuna/samplers/_tpe/sampler.py\nindex bc9176c10..5ada7848e 100644\n--- a/optuna/samplers/_tpe/sampler.py\n+++ b/optuna/samplers/_tpe/sampler.py\n@@ -78,6 +78,7 @@ class TPESampler(BaseSampler):\n Better Empirical Performance `_\n \n For multi-objective TPE (MOTPE), please refer to the following papers:\n+\n - `Multiobjective Tree-Structured Parzen Estimator for Computationally Expensive Optimization\n Problems `_\n - `Multiobjective Tree-Structured Parzen Estimator `_\n@@ -101,7 +102,7 @@ class TPESampler(BaseSampler):\n \n .. note::\n For `v2.9.0 `_ or later,\n- MOTPESampler is deprecated and TPESampler should be used instead.\n+ :class:`~optuna.samplers.MOTPESampler` is deprecated and TPESampler should be used instead.\n The following code shows how you run TPESampler on a multi-objective task:\n \n .. testcode::\n", "difficulty": 0, "changed_files": ["optuna/samplers/_tpe/sampler.py"], "commit_link": "https://github.com/optuna/optuna/tree/0b08b8e82f8e67d89dd4335e63ecd95ab6f5f048"} \ No newline at end of file diff --git a/data/python/0b93d2d.json b/data/python/0b93d2d.json new file mode 100644 index 0000000000000000000000000000000000000000..cd0679510dbf33aab08f23f0ec6d67f590bdb59a --- /dev/null +++ b/data/python/0b93d2d.json @@ -0,0 +1 @@ +{"language": "Python", "id": 43, "repo_owner": "encode", "repo_name": "uvicorn", "head_branch": "ioerror-on-send", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "encode", "sha_fail": "0b93d2da3b721c80dcb6a2993a23876a97498dd5", "sha_success": "bf13088dd7d7eb531cfbc02ee907f76103c4fa7a", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }} ${{ matrix.os }}\"\n runs-on: \"${{ matrix.os }}\"\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n os: [windows-latest, ubuntu-latest, macos-latest]\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v5\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n shell: bash\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n shell: bash\n if: \"${{ matrix.os == 'ubuntu-latest'}}\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n shell: bash\n - name: \"Run tests\"\n run: \"scripts/test\"\n shell: bash\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n shell: bash\n", "logs": [{"step_name": "Python 3.9 ubuntu-latest/7_Run tests.txt", "log": "##[group]Run scripts/test\n\u001b[36;1mscripts/test\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n+ [ -z true ]\n+ coverage run --debug config -m pytest\n-- config ----------------------------------------------------\n attempted_config_files: .coveragerc\n setup.cfg\n tox.ini\n pyproject.toml\n branch: False\n command_line: None\n concurrency: -none-\n config_file: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n config_files_read: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n context: None\n cover_pylib: False\n data_file: .coverage\n debug: config\n debug_file: None\n disable_warnings: -none-\n dynamic_context: None\n exclude_also: -none-\n exclude_list: pragma: no cover\n pragma: nocover\n if TYPE_CHECKING:\n if typing.TYPE_CHECKING:\n raise NotImplementedError\n py-not-win32\n py-linux\n py-gte-38\n py-gte-39\n py-lt-310\n py-lt-311\n extra_css: None\n fail_under: 98.35\n format: None\n html_dir: htmlcov\n html_skip_covered: None\n html_skip_empty: None\n html_title: Coverage report\n ignore_errors: False\n include_namespace_packages: False\n json_output: coverage.json\n json_pretty_print: False\n json_show_contexts: False\n lcov_output: coverage.lcov\n parallel: False\n partial_always_list: while (True|1|False|0):\n if (True|1|False|0):\n partial_list: #\\s*(pragma|PRAGMA)[:\\s]?\\s*(no|NO)\\s*(branch|BRANCH)\n paths: {}\n plugin_options: {'coverage_conditional_plugin': {'omit': {\"sys_platform == 'win32'\": ['uvicorn/loops/uvloop.py'], \"sys_platform != 'win32'\": ['uvicorn/loops/asyncio.py']}, 'rules': {'py-win32': \"sys_platform == 'win32'\", 'py-not-win32': \"sys_platform != 'win32'\", 'py-linux': \"sys_platform == 'linux'\", 'py-darwin': \"sys_platform == 'darwin'\", 'py-gte-38': 'sys_version_info >= (3, 8)', 'py-lt-38': 'sys_version_info < (3, 8)', 'py-gte-39': 'sys_version_info >= (3, 9)', 'py-lt-39': 'sys_version_info < (3, 9)', 'py-gte-310': 'sys_version_info >= (3, 10)', 'py-lt-310': 'sys_version_info < (3, 10)', 'py-gte-311': 'sys_version_info >= (3, 11)', 'py-lt-311': 'sys_version_info < (3, 11)'}}}\n plugins: coverage_conditional_plugin\n precision: 2\n relative_files: False\n report_contexts: None\n report_include: None\n report_omit: None\n run_include: -none-\n run_omit: uvicorn/workers.py\n uvicorn/__main__.py\n uvicorn/loops/asyncio.py\n show_contexts: False\n show_missing: True\n sigterm: False\n skip_covered: True\n skip_empty: False\n sort: None\n source: None\n source_pkgs: uvicorn\n tests\n timid: False\n xml_output: coverage.xml\n xml_package_depth: 99\n-- end -------------------------------------------------------\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/uvicorn/uvicorn\nconfigfile: pyproject.toml\nplugins: anyio-3.7.1, mock-3.12.0\ncollected 565 items\n\ntests/test_auto_detection.py ... [ 0%]\ntests/test_cli.py .............. [ 3%]\ntests/test_config.py ................................................... [ 12%]\n........................................................ [ 21%]\ntests/test_default_headers.py ...... [ 23%]\ntests/test_lifespan.py ................ [ 25%]\ntests/test_main.py ......... [ 27%]\ntests/test_ssl.py .... [ 28%]\ntests/test_subprocess.py .. [ 28%]\ntests/importer/test_importer.py ....... [ 29%]\ntests/middleware/test_logging.py .............. [ 32%]\ntests/middleware/test_message_logger.py .. [ 32%]\ntests/middleware/test_proxy_headers.py ............... [ 35%]\ntests/middleware/test_wsgi.py ........... [ 37%]\ntests/protocols/test_http.py ........................................... [ 44%]\n............................................................... [ 55%]\ntests/protocols/test_utils.py ...... [ 56%]\ntests/protocols/test_websocket.py ...................................... [ 63%]\n........................................................................ [ 76%]\n........................................................FF......FF..FF.. [ 89%]\n.................... [ 92%]\ntests/supervisors/test_multiprocess.py . [ 92%]\ntests/supervisors/test_reload.py ..................................... [ 99%]\ntests/supervisors/test_signal.py ... [100%]\n\n=================================== FAILURES ===================================\n____ test_server_reject_connection_with_body_nolength[websockets-httptools] ____\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 60493\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/contextlib.py:137: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:60493 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 57402) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:60493 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 57402) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_body_nolength[websockets-h11] _______\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 54995\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/contextlib.py:137: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:54995 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 45664) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:54995 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 45664) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n____ test_server_reject_connection_with_missing_body[websockets-httptools] _____\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 60941\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:60941 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 60230) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:60941 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 60230) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_missing_body[websockets-h11] ________\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 38791\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:38791 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 50712) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:38791 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 50712) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_ test_server_multiple_websocket_http_response_start_events[websockets-httptools] _\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 52319\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:52319 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 34168) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:52319 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 34168) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n__ test_server_multiple_websocket_http_response_start_events[websockets-h11] ___\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 54615\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1904]\nINFO: Uvicorn running on http://127.0.0.1:54615 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 48684) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1904]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:54615 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 48684) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n=================== 6 failed, 559 passed in 66.02s (0:01:06) ===================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.10 ubuntu-latest/7_Run tests.txt", "log": "##[group]Run scripts/test\n\u001b[36;1mscripts/test\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n+ [ -z true ]\n+ coverage run --debug config -m pytest\n-- config ----------------------------------------------------\n attempted_config_files: .coveragerc\n setup.cfg\n tox.ini\n pyproject.toml\n branch: False\n command_line: None\n concurrency: -none-\n config_file: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n config_files_read: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n context: None\n cover_pylib: False\n data_file: .coverage\n debug: config\n debug_file: None\n disable_warnings: -none-\n dynamic_context: None\n exclude_also: -none-\n exclude_list: pragma: no cover\n pragma: nocover\n if TYPE_CHECKING:\n if typing.TYPE_CHECKING:\n raise NotImplementedError\n py-not-win32\n py-linux\n py-gte-38\n py-gte-39\n py-gte-310\n py-lt-311\n extra_css: None\n fail_under: 98.35\n format: None\n html_dir: htmlcov\n html_skip_covered: None\n html_skip_empty: None\n html_title: Coverage report\n ignore_errors: False\n include_namespace_packages: False\n json_output: coverage.json\n json_pretty_print: False\n json_show_contexts: False\n lcov_output: coverage.lcov\n parallel: False\n partial_always_list: while (True|1|False|0):\n if (True|1|False|0):\n partial_list: #\\s*(pragma|PRAGMA)[:\\s]?\\s*(no|NO)\\s*(branch|BRANCH)\n paths: {}\n plugin_options: {'coverage_conditional_plugin': {'omit': {\"sys_platform == 'win32'\": ['uvicorn/loops/uvloop.py'], \"sys_platform != 'win32'\": ['uvicorn/loops/asyncio.py']}, 'rules': {'py-win32': \"sys_platform == 'win32'\", 'py-not-win32': \"sys_platform != 'win32'\", 'py-linux': \"sys_platform == 'linux'\", 'py-darwin': \"sys_platform == 'darwin'\", 'py-gte-38': 'sys_version_info >= (3, 8)', 'py-lt-38': 'sys_version_info < (3, 8)', 'py-gte-39': 'sys_version_info >= (3, 9)', 'py-lt-39': 'sys_version_info < (3, 9)', 'py-gte-310': 'sys_version_info >= (3, 10)', 'py-lt-310': 'sys_version_info < (3, 10)', 'py-gte-311': 'sys_version_info >= (3, 11)', 'py-lt-311': 'sys_version_info < (3, 11)'}}}\n plugins: coverage_conditional_plugin\n precision: 2\n relative_files: False\n report_contexts: None\n report_include: None\n report_omit: None\n run_include: -none-\n run_omit: uvicorn/workers.py\n uvicorn/__main__.py\n uvicorn/loops/asyncio.py\n show_contexts: False\n show_missing: True\n sigterm: False\n skip_covered: True\n skip_empty: False\n sort: None\n source: None\n source_pkgs: uvicorn\n tests\n timid: False\n xml_output: coverage.xml\n xml_package_depth: 99\n-- end -------------------------------------------------------\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/uvicorn/uvicorn\nconfigfile: pyproject.toml\nplugins: anyio-3.7.1, mock-3.12.0\ncollected 565 items\n\ntests/test_auto_detection.py ... [ 0%]\ntests/test_cli.py .............. [ 3%]\ntests/test_config.py ................................................... [ 12%]\n........................................................ [ 21%]\ntests/test_default_headers.py ...... [ 23%]\ntests/test_lifespan.py ................ [ 25%]\ntests/test_main.py ......... [ 27%]\ntests/test_ssl.py .... [ 28%]\ntests/test_subprocess.py .. [ 28%]\ntests/importer/test_importer.py ....... [ 29%]\ntests/middleware/test_logging.py .............. [ 32%]\ntests/middleware/test_message_logger.py .. [ 32%]\ntests/middleware/test_proxy_headers.py ............... [ 35%]\ntests/middleware/test_wsgi.py ........... [ 37%]\ntests/protocols/test_http.py ........................................... [ 44%]\n............................................................... [ 55%]\ntests/protocols/test_utils.py ...... [ 56%]\ntests/protocols/test_websocket.py ...................................... [ 63%]\n........................................................................ [ 76%]\n........................................................FF......FF..FF.. [ 89%]\n.................... [ 92%]\ntests/supervisors/test_multiprocess.py . [ 92%]\ntests/supervisors/test_reload.py ..................................... [ 99%]\ntests/supervisors/test_signal.py ... [100%]\n\n=================================== FAILURES ===================================\n____ test_server_reject_connection_with_body_nolength[websockets-httptools] ____\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 38783\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:370: in handle_async_request\n with map_httpcore_exceptions():\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/contextlib.py:153: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:38783 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 55940) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:38783 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 55940) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_body_nolength[websockets-h11] _______\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 47113\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:370: in handle_async_request\n with map_httpcore_exceptions():\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/contextlib.py:153: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:47113 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 38322) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:47113 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 38322) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n____ test_server_reject_connection_with_missing_body[websockets-httptools] _____\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 42645\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:42645 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 49068) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:42645 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 49068) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_missing_body[websockets-h11] ________\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 49901\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:49901 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 53884) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:49901 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 53884) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_ test_server_multiple_websocket_http_response_start_events[websockets-httptools] _\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 54991\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:54991 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 39844) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:54991 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 39844) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n__ test_server_multiple_websocket_http_response_start_events[websockets-h11] ___\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 57457\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [2074]\nINFO: Uvicorn running on http://127.0.0.1:57457 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 39068) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [2074]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:57457 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 39068) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n=================== 6 failed, 559 passed in 66.13s (0:01:06) ===================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.11 ubuntu-latest/7_Run tests.txt", "log": "##[group]Run scripts/test\n\u001b[36;1mscripts/test\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ [ -z true ]\n+ coverage run --debug config -m pytest\n-- config ----------------------------------------------------\n attempted_config_files: .coveragerc\n setup.cfg\n tox.ini\n pyproject.toml\n branch: False\n command_line: None\n concurrency: -none-\n config_file: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n config_files_read: /home/runner/work/uvicorn/uvicorn/pyproject.toml\n context: None\n cover_pylib: False\n data_file: .coverage\n debug: config\n debug_file: None\n disable_warnings: -none-\n dynamic_context: None\n exclude_also: -none-\n exclude_list: pragma: no cover\n pragma: nocover\n if TYPE_CHECKING:\n if typing.TYPE_CHECKING:\n raise NotImplementedError\n py-not-win32\n py-linux\n py-gte-38\n py-gte-39\n py-gte-310\n py-gte-311\n extra_css: None\n fail_under: 98.35\n format: None\n html_dir: htmlcov\n html_skip_covered: None\n html_skip_empty: None\n html_title: Coverage report\n ignore_errors: False\n include_namespace_packages: False\n json_output: coverage.json\n json_pretty_print: False\n json_show_contexts: False\n lcov_output: coverage.lcov\n parallel: False\n partial_always_list: while (True|1|False|0):\n if (True|1|False|0):\n partial_list: #\\s*(pragma|PRAGMA)[:\\s]?\\s*(no|NO)\\s*(branch|BRANCH)\n paths: {}\n plugin_options: {'coverage_conditional_plugin': {'omit': {\"sys_platform == 'win32'\": ['uvicorn/loops/uvloop.py'], \"sys_platform != 'win32'\": ['uvicorn/loops/asyncio.py']}, 'rules': {'py-win32': \"sys_platform == 'win32'\", 'py-not-win32': \"sys_platform != 'win32'\", 'py-linux': \"sys_platform == 'linux'\", 'py-darwin': \"sys_platform == 'darwin'\", 'py-gte-38': 'sys_version_info >= (3, 8)', 'py-lt-38': 'sys_version_info < (3, 8)', 'py-gte-39': 'sys_version_info >= (3, 9)', 'py-lt-39': 'sys_version_info < (3, 9)', 'py-gte-310': 'sys_version_info >= (3, 10)', 'py-lt-310': 'sys_version_info < (3, 10)', 'py-gte-311': 'sys_version_info >= (3, 11)', 'py-lt-311': 'sys_version_info < (3, 11)'}}}\n plugins: coverage_conditional_plugin\n precision: 2\n relative_files: False\n report_contexts: None\n report_include: None\n report_omit: None\n run_include: -none-\n run_omit: uvicorn/workers.py\n uvicorn/__main__.py\n uvicorn/loops/asyncio.py\n show_contexts: False\n show_missing: True\n sigterm: False\n skip_covered: True\n skip_empty: False\n sort: None\n source: None\n source_pkgs: uvicorn\n tests\n timid: False\n xml_output: coverage.xml\n xml_package_depth: 99\n-- end -------------------------------------------------------\n============================= test session starts ==============================\nplatform linux -- Python 3.11.7, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/uvicorn/uvicorn\nconfigfile: pyproject.toml\nplugins: anyio-3.7.1, mock-3.12.0\ncollected 565 items\n\ntests/test_auto_detection.py ... [ 0%]\ntests/test_cli.py .............. [ 3%]\ntests/test_config.py ................................................... [ 12%]\n........................................................ [ 21%]\ntests/test_default_headers.py ...... [ 23%]\ntests/test_lifespan.py ................ [ 25%]\ntests/test_main.py ......... [ 27%]\ntests/test_ssl.py .... [ 28%]\ntests/test_subprocess.py .. [ 28%]\ntests/importer/test_importer.py ....... [ 29%]\ntests/middleware/test_logging.py .............. [ 32%]\ntests/middleware/test_message_logger.py .. [ 32%]\ntests/middleware/test_proxy_headers.py ............... [ 35%]\ntests/middleware/test_wsgi.py ........... [ 37%]\ntests/protocols/test_http.py ........................................... [ 44%]\n............................................................... [ 55%]\ntests/protocols/test_utils.py ...... [ 56%]\ntests/protocols/test_websocket.py ...................................... [ 63%]\n........................................................................ [ 76%]\n........................................................FF......FF..FF.. [ 89%]\n.................... [ 92%]\ntests/supervisors/test_multiprocess.py . [ 92%]\ntests/supervisors/test_reload.py ..................................... [ 99%]\ntests/supervisors/test_signal.py ... [100%]\n\n=================================== FAILURES ===================================\n____ test_server_reject_connection_with_body_nolength[websockets-httptools] ____\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 58977\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:370: in handle_async_request\n with map_httpcore_exceptions():\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/contextlib.py:158: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:58977 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 39748) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:58977 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 39748) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_body_nolength[websockets-h11] _______\n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n> yield\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:67: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:371: in handle_async_request\n resp = await self._pool.handle_async_request(req)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection_pool.py:268: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection_pool.py:251: in handle_async_request\n response = await connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/connection.py:103: in handle_async_request\n return await self._connection.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:133: in handle_async_request\n raise exc\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:111: in handle_async_request\n ) = await self._receive_response_headers(**kwargs)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:176: in _receive_response_headers\n event = await self._receive_event(timeout=timeout)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \ntimeout = 5.0\n\n async def _receive_event(\n self, timeout: Optional[float] = None\n ) -> Union[h11.Event, Type[h11.PAUSED]]:\n while True:\n with map_exceptions({h11.RemoteProtocolError: RemoteProtocolError}):\n event = self._h11_state.next_event()\n \n if event is h11.NEED_DATA:\n data = await self._network_stream.read(\n self.READ_NUM_BYTES, timeout=timeout\n )\n \n # If we feed this case through h11 we'll raise an exception like:\n #\n # httpcore.RemoteProtocolError: can't handle event type\n # ConnectionClosed when role=SERVER and state=SEND_RESPONSE\n #\n # Which is accurate, but not very informative from an end-user\n # perspective. Instead we handle this case distinctly and treat\n # it as a ConnectError.\n if data == b\"\" and self._h11_state.their_state == h11.SEND_RESPONSE:\n msg = \"Server disconnected without sending a response.\"\n> raise RemoteProtocolError(msg)\nE httpcore.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpcore/_async/http11.py:226: RemoteProtocolError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 34651\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_body_nolength(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n # test that the server can send a response with a body but no content-length\n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n await send(\n {\n \"type\": \"websocket.http.response.start\",\n \"status\": 403,\n \"headers\": [],\n }\n )\n await send({\"type\": \"websocket.http.response.body\", \"body\": b\"hardbody\"})\n \n async def websocket_session(url):\n response = await wsresponse(url)\n assert response.status_code == 403\n assert response.content == b\"hardbody\"\n if ws_protocol_cls == WSProtocol: # pragma: no cover\n # wsproto automatically makes the message chunked\n assert response.headers[\"transfer-encoding\"] == \"chunked\"\n else: # pragma: no cover\n # websockets automatically adds a content-length\n assert response.headers[\"content-length\"] == \"8\"\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1219: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1201: in websocket_session\n response = await wsresponse(url)\ntests/protocols/test_websocket.py:73: in wsresponse\n return await client.get(url, headers=headers)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1786: in get\n return await self.request(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1559: in request\n return await self.send(request, auth=auth, follow_redirects=follow_redirects)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1646: in send\n response = await self._send_handling_auth(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1674: in _send_handling_auth\n response = await self._send_handling_redirects(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1711: in _send_handling_redirects\n response = await self._send_single_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_client.py:1748: in _send_single_request\n response = await transport.handle_async_request(request)\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:370: in handle_async_request\n with map_httpcore_exceptions():\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/contextlib.py:158: in __exit__\n self.gen.throw(typ, value, traceback)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n @contextlib.contextmanager\n def map_httpcore_exceptions() -> typing.Iterator[None]:\n try:\n yield\n except Exception as exc:\n mapped_exc = None\n \n for from_exc, to_exc in HTTPCORE_EXC_MAP.items():\n if not isinstance(exc, from_exc):\n continue\n # We want to map to the most specific exception we can find.\n # Eg if `exc` is an `httpcore.ReadTimeout`, we want to map to\n # `httpx.ReadTimeout`, not just `httpx.TimeoutException`.\n if mapped_exc is None or issubclass(to_exc, mapped_exc):\n mapped_exc = to_exc\n \n if mapped_exc is None: # pragma: no cover\n raise\n \n message = str(exc)\n> raise mapped_exc(message) from exc\nE httpx.RemoteProtocolError: Server disconnected without sending a response.\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/httpx/_transports/default.py:84: RemoteProtocolError\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:34651 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 33874) - \"WebSocket /\" 403\nINFO: connection rejected (403 Forbidden)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:34651 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 33874) - \"WebSocket /\" 403\nINFO uvicorn.error:server.py:229 connection rejected (403 Forbidden)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n____ test_server_reject_connection_with_missing_body[websockets-httptools] _____\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 41033\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:41033 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 36320) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:41033 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 36320) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_______ test_server_reject_connection_with_missing_body[websockets-h11] ________\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 36033\n\n @pytest.mark.anyio\n async def test_server_reject_connection_with_missing_body(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n async def app(scope, receive, send):\n assert scope[\"type\"] == \"websocket\"\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n message = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(message)\n # no further message\n \n async def websocket_session(url):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass # pragma: no cover\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1298: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1286: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:36033 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 50070) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:36033 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 50070) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n_ test_server_multiple_websocket_http_response_start_events[websockets-httptools] _\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 57873\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:57873 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 59494) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:57873 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 59494) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n__ test_server_multiple_websocket_http_response_start_events[websockets-h11] ___\n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n> status_line = await read_line(stream)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:120: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_line(stream: asyncio.StreamReader) -> bytes:\n \"\"\"\n Read a single line from ``stream``.\n \n CRLF is stripped from the return value.\n \n \"\"\"\n # Security: this is bounded by the StreamReader's limit (default = 32\u00a0KiB).\n line = await stream.readline()\n # Security: this guarantees header values are small (hard-coded = 8\u00a0KiB)\n if len(line) > MAX_LINE:\n raise SecurityError(\"line too long\")\n # Not mandatory but safe - https://www.rfc-editor.org/rfc/rfc7230.html#section-3.5\n if not line.endswith(b\"\\r\\n\"):\n> raise EOFError(\"line without CRLF\")\nE EOFError: line without CRLF\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:200: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n> status_code, reason, headers = await read_response(self.reader)\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:139: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nstream = >\n\n async def read_response(stream: asyncio.StreamReader) -> Tuple[int, str, Headers]:\n \"\"\"\n Read an HTTP/1.1 response and return ``(status_code, reason, headers)``.\n \n ``reason`` and ``headers`` are expected to contain only ASCII characters.\n Other characters are represented with surrogate escapes.\n \n :func:`read_request` doesn't attempt to read the response body because\n WebSocket handshake responses don't have one. If the response contains a\n body, it may be read from ``stream`` after this coroutine returns.\n \n Args:\n stream: Input to read the response from.\n \n Raises:\n EOFError: If the connection is closed without a full HTTP response.\n SecurityError: If the response exceeds a security limit.\n ValueError: If the response isn't well formatted.\n \n \"\"\"\n # https://www.rfc-editor.org/rfc/rfc7230.html#section-3.1.2\n \n # As in read_request, parsing is simple because a fixed value is expected\n # for version, status_code is a 3-digit number, and reason can be ignored.\n \n try:\n status_line = await read_line(stream)\n except EOFError as exc:\n> raise EOFError(\"connection closed while reading HTTP status line\") from exc\nE EOFError: connection closed while reading HTTP status line\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/http.py:122: EOFError\n\nThe above exception was the direct cause of the following exception:\n\nws_protocol_cls = \nhttp_protocol_cls = \nunused_tcp_port = 39787\n\n @pytest.mark.anyio\n async def test_server_multiple_websocket_http_response_start_events(\n ws_protocol_cls: \"typing.Type[WSProtocol | WebSocketProtocol]\",\n http_protocol_cls: \"typing.Type[H11Protocol | HttpToolsProtocol]\",\n unused_tcp_port: int,\n ):\n \"\"\"\n The server should raise an exception if it sends multiple\n websocket.http.response.start events.\n \"\"\"\n exception_message: typing.Optional[str] = None\n \n async def app(scope: Scope, receive: ASGIReceiveCallable, send: ASGISendCallable):\n nonlocal exception_message\n assert scope[\"type\"] == \"websocket\"\n assert \"extensions\" in scope\n assert \"websocket.http.response\" in scope[\"extensions\"]\n \n # Pull up first recv message.\n message = await receive()\n assert message[\"type\"] == \"websocket.connect\"\n \n start_event: WebSocketResponseStartEvent = {\n \"type\": \"websocket.http.response.start\",\n \"status\": 404,\n \"headers\": [(b\"Content-Length\", b\"0\"), (b\"Content-Type\", b\"text/plain\")],\n }\n await send(start_event)\n try:\n await send(start_event)\n except Exception as exc:\n exception_message = str(exc)\n \n async def websocket_session(url: str):\n with pytest.raises(websockets.exceptions.InvalidStatusCode) as exc_info:\n async with websockets.client.connect(url):\n pass\n assert exc_info.value.status_code == 404\n \n config = Config(\n app=app,\n ws=ws_protocol_cls,\n http=http_protocol_cls,\n lifespan=\"off\",\n port=unused_tcp_port,\n )\n async with run_server(config):\n> await websocket_session(f\"ws://127.0.0.1:{unused_tcp_port}\")\n\ntests/protocols/test_websocket.py:1348: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntests/protocols/test_websocket.py:1336: in websocket_session\n async with websockets.client.connect(url):\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:629: in __aenter__\n return await self\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:647: in __await_impl_timeout__\n return await self.__await_impl__()\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:654: in __await_impl__\n await protocol.handshake(\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:319: in handshake\n status_code, response_headers = await self.read_http_response()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \n\n async def read_http_response(self) -> Tuple[int, Headers]:\n \"\"\"\n Read status line and headers from the HTTP response.\n \n If the response contains a body, it may be read from ``self.reader``\n after this coroutine returns.\n \n Raises:\n InvalidMessage: If the HTTP message is malformed or isn't an\n HTTP/1.1 GET response.\n \n \"\"\"\n try:\n status_code, reason, headers = await read_response(self.reader)\n except Exception as exc:\n> raise InvalidMessage(\"did not receive a valid HTTP response\") from exc\nE websockets.exceptions.InvalidMessage: did not receive a valid HTTP response\n\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/websockets/legacy/client.py:141: InvalidMessage\n----------------------------- Captured stderr call -----------------------------\nINFO: Started server process [1915]\nINFO: Uvicorn running on http://127.0.0.1:39787 (Press CTRL+C to quit)\nINFO: ('127.0.0.1', 43558) - \"WebSocket /\" 404\nINFO: connection rejected (404 Not Found)\nINFO: connection closed\nINFO: Shutting down\n------------------------------ Captured log call -------------------------------\nINFO uvicorn.error:server.py:77 Started server process [1915]\nINFO uvicorn.error:server.py:219 Uvicorn running on http://127.0.0.1:39787 (Press CTRL+C to quit)\nINFO uvicorn.error:websockets_impl.py:317 ('127.0.0.1', 43558) - \"WebSocket /\" 404\nINFO uvicorn.error:server.py:229 connection rejected (404 Not Found)\nINFO uvicorn.error:server.py:264 connection closed\nINFO uvicorn.error:server.py:265 Shutting down\n=================== 6 failed, 559 passed in 66.08s (0:01:06) ===================\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/uvicorn/protocols/websockets/websockets_impl.py b/uvicorn/protocols/websockets/websockets_impl.py\nindex 44994b4..57350f6 100644\n--- a/uvicorn/protocols/websockets/websockets_impl.py\n+++ b/uvicorn/protocols/websockets/websockets_impl.py\n@@ -271,11 +271,12 @@ class WebSocketProtocol(WebSocketServerProtocol):\n msg = \"ASGI callable returned without sending handshake.\"\n self.logger.error(msg)\n self.send_500_response()\n+ self.transport.close()\n elif result is not None:\n msg = \"ASGI callable should return None, but returned '%s'.\"\n self.logger.error(msg, result)\n await self.handshake_completed_event.wait()\n- self.transport.close()\n+ self.transport.close()\n \n async def asgi_send(self, message: \"ASGISendEvent\") -> None:\n message_type = message[\"type\"]\n", "difficulty": 2, "changed_files": ["uvicorn/protocols/websockets/websockets_impl.py"], "commit_link": "https://github.com/encode/uvicorn/tree/0b93d2da3b721c80dcb6a2993a23876a97498dd5"} \ No newline at end of file diff --git a/data/python/0f71221.json b/data/python/0f71221.json new file mode 100644 index 0000000000000000000000000000000000000000..939f1c8f7afa03f40f1683a1b7cd76da6eeea218 --- /dev/null +++ b/data/python/0f71221.json @@ -0,0 +1 @@ +{"language": "Python", "id": 65, "repo_owner": "scrapy", "repo_name": "scrapy", "head_branch": "component-getters", "workflow_name": "Checks", "workflow_filename": "checks.yml", "workflow_path": ".github/workflows/checks.yml", "contributor": "Gallaecio", "sha_fail": "0f71221cf9875ed8ef3400e1008408e79b6691e6", "sha_success": "c1ba9ccdf916b89d875628ba143dc5c9f6977430", "workflow": "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n checks:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n include:\n - python-version: \"3.12\"\n env:\n TOXENV: pylint\n - python-version: 3.8\n env:\n TOXENV: typing\n - python-version: \"3.11\" # Keep in sync with .readthedocs.yml\n env:\n TOXENV: docs\n - python-version: \"3.12\"\n env:\n TOXENV: twinecheck\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n - name: Run check\n env: ${{ matrix.env }}\n run: |\n pip install -U tox\n tox\n\n pre-commit:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "checks (3.12, pylint)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n TOXENV: pylint\n##[endgroup]\nCollecting tox\n Downloading tox-4.11.4-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.4-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 154.0/154.0 kB 16.6 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 48.7 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 16.1 MB/s eta 0:00:00\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 104.2 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 81.3 MB/s eta 0:00:00\nInstalling collected packages: distlib, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.2 chardet-5.2.0 colorama-0.4.6 distlib-0.3.8 filelock-3.13.1 packaging-23.2 platformdirs-4.1.0 pluggy-1.3.0 pyproject-api-1.6.1 tox-4.11.4 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.3.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\npylint: install_deps> python -I -m pip install -ctests/upper-constraints.txt boto3 google-cloud-storage 'markupsafe<2.1.0' 'mitmproxy<8,>=4.0.4; python_version < \"3.9\" and implementation_name != \"pypy\"' Pillow pylint==3.0.1 robotexclusionrulesparser 'Twisted[http2]' -r tests/requirements.txt\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.3.1,setuptools==69.0.2,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\npylint: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\npylint: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\npylint: freeze> python -m pip freeze --all\npylint: astroid==3.0.2,asttokens==2.4.1,attrs==23.1.0,Automat==22.10.0,blessed==1.20.0,boto3==1.34.3,botocore==1.34.3,bpython==0.24,Brotli==1.1.0,cachetools==5.3.2,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,constantly==23.10.4,coverage==7.3.3,cryptography==41.0.7,cssselect==1.2.0,curtsies==0.4.2,cwcwidth==0.1.9,decorator==5.1.1,dill==0.3.7,execnet==2.0.2,executing==2.0.1,filelock==3.13.1,google-api-core==2.15.0,google-auth==2.25.2,google-cloud-core==2.4.1,google-cloud-storage==2.14.0,google-crc32c==1.5.0,google-resumable-media==2.7.0,googleapis-common-protos==1.62.0,greenlet==3.0.2,h2==4.1.0,hpack==4.0.0,hyperframe==6.0.1,hyperlink==21.0.0,idna==3.6,incremental==22.10.0,iniconfig==2.0.0,ipython==8.18.1,isort==5.13.2,itemadapter==0.8.0,itemloaders==1.1.0,jedi==0.19.1,jmespath==1.0.1,lxml==4.9.3,MarkupSafe==2.0.1,matplotlib-inline==0.1.6,mccabe==0.7.0,packaging==23.2,parsel==1.8.1,parso==0.8.3,pexpect==4.9.0,Pillow==10.1.0,pip==23.3.2,platformdirs==4.1.0,pluggy==1.3.0,priority==1.3.0,prompt-toolkit==3.0.43,Protego==0.3.0,protobuf==4.25.1,ptyprocess==0.7.0,pure-eval==0.2.2,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycparser==2.21,PyDispatcher==2.0.7,pyftpdlib==1.5.9,Pygments==2.17.2,pylint==3.0.1,pyOpenSSL==23.3.0,pytest==7.4.3,pytest-cov==4.0.0,pytest-xdist==3.5.0,python-dateutil==2.8.2,pyxdg==0.28,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,robotexclusionrulesparser==1.7.1,rsa==4.9,s3transfer==0.9.0,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=6f43aa5d37ec10736bd947dbba89df54ebc97175083ab360a721b3360f0d895b,service-identity==23.1.0,setuptools==69.0.2,six==1.16.0,stack-data==0.6.3,sybil==6.0.2,testfixtures==7.2.2,tldextract==5.1.1,tomlkit==0.12.3,traitlets==5.14.0,Twisted==23.10.0,typing_extensions==4.9.0,urllib3==2.0.7,uvloop==0.19.0,w3lib==2.1.2,wcwidth==0.2.12,zope.interface==6.1,zstandard==0.22.0\npylint: commands[0]> pylint conftest.py docs extras scrapy setup.py tests\n:230: SyntaxWarning: invalid escape sequence '\\d'\n************* Module scrapy.crawler\nscrapy/crawler.py:182:4: W0211: Static method with 'cls' as first argument (bad-staticmethod-argument)\nscrapy/crawler.py:184:15: C0123: Use isinstance() rather than type() for a typecheck. (unidiomatic-typecheck)\n\n------------------------------------\nYour code has been rated at 10.00/10\n\npylint: exit 20 (56.60 seconds) /home/runner/work/scrapy/scrapy> pylint conftest.py docs extras scrapy setup.py tests pid=2086\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n pylint: FAIL code 20 (100.72=setup[44.12]+cmd[56.60] seconds)\n evaluation failed :( (100.86 seconds)\n##[error]Process completed with exit code 20.\n"}], "diff": "diff --git a/scrapy/crawler.py b/scrapy/crawler.py\nindex 76f4048e4..333b39f33 100644\n--- a/scrapy/crawler.py\n+++ b/scrapy/crawler.py\n@@ -179,9 +179,12 @@ class Crawler:\n yield maybeDeferred(self.engine.stop)\n \n @staticmethod\n- def _get_component(cls, components):\n+ def _get_component(component_class, components):\n for component in components:\n- if type(component) is cls:\n+ if (\n+ type(component) # pylint: disable=unidiomatic-typecheck\n+ is component_class\n+ ):\n return component\n return None\n \n", "difficulty": 0, "changed_files": ["scrapy/crawler.py"], "commit_link": "https://github.com/scrapy/scrapy/tree/0f71221cf9875ed8ef3400e1008408e79b6691e6"} \ No newline at end of file diff --git a/data/python/102f918.json b/data/python/102f918.json new file mode 100644 index 0000000000000000000000000000000000000000..febd257a3727f5c475886d89912dd6e3d0b9a165 --- /dev/null +++ b/data/python/102f918.json @@ -0,0 +1 @@ +{"language": "Python", "id": 25, "repo_owner": "mindsdb", "repo_name": "mindsdb", "head_branch": "staging", "workflow_name": "MindsDB Code Checks", "workflow_filename": "code_checks.yml", "workflow_path": ".github/workflows/code_checks.yml", "contributor": "mindsdb", "sha_fail": "102f918deb2532bb7b825f00258f2c1414cf94da", "sha_success": "1cf75d7a1071fba82d4190725e984e8d55db48fb", "workflow": "name: MindsDB Code Checks\n\non:\n pull_request:\n branches: [stable, staging]\n \njobs:\n check_requirements:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.5.3\n - name: Set up Python 3.8\n uses: actions/setup-python@v4.7.0\n with:\n python-version: 3.9\n - name: Check main requirements\n shell: bash\n run: |\n pip install -r requirements/requirements-dev.txt\n\n python tests/scripts/check_requirements.py\n\n - name: Check requirements files are installable\n shell: bash\n run: |\n pip install --dry-run --ignore-installed . # Install only the default handlers. We can expand this to all handlers later with: .[all_handlers_extras]\n", "logs": [{"step_name": "check_requirements/4_Check main requirements.txt", "log": "##[group]Run pip install -r requirements/requirements-dev.txt\n\u001b[36;1mpip install -r requirements/requirements-dev.txt\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpython tests/scripts/check_requirements.py\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting black==23.3.0 (from -r requirements/requirements-dev.txt (line 1))\n Downloading black-23.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 18.4 MB/s eta 0:00:00\nCollecting flake8==5.0.4 (from -r requirements/requirements-dev.txt (line 2))\n Downloading flake8-5.0.4-py2.py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.9/61.9 kB 19.0 MB/s eta 0:00:00\nCollecting isort==5.10.1 (from -r requirements/requirements-dev.txt (line 3))\n Downloading isort-5.10.1-py3-none-any.whl (103 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 103.4/103.4 kB 26.5 MB/s eta 0:00:00\nCollecting pre-commit>=2.16.0 (from -r requirements/requirements-dev.txt (line 4))\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting watchfiles==0.19.0 (from -r requirements/requirements-dev.txt (line 5))\n Downloading watchfiles-0.19.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.3/1.3 MB 31.1 MB/s eta 0:00:00\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from -r requirements/requirements-dev.txt (line 6)) (58.1.0)\nCollecting wheel (from -r requirements/requirements-dev.txt (line 7))\n Downloading wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nCollecting deptry==0.12.0 (from -r requirements/requirements-dev.txt (line 8))\n Downloading deptry-0.12.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting twine (from -r requirements/requirements-dev.txt (line 9))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting click>=8.0.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting mypy-extensions>=0.4.3 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting packaging>=22.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec>=0.9.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading pathspec-0.12.1-py3-none-any.whl.metadata (21 kB)\nCollecting platformdirs>=2 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting tomli>=1.1.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting typing-extensions>=3.10.0.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading typing_extensions-4.9.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting mccabe<0.8.0,>=0.7.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading mccabe-0.7.0-py2.py3-none-any.whl (7.3 kB)\nCollecting pycodestyle<2.10.0,>=2.9.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading pycodestyle-2.9.1-py2.py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.5/41.5 kB 11.9 MB/s eta 0:00:00\nCollecting pyflakes<2.6.0,>=2.5.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading pyflakes-2.5.0-py2.py3-none-any.whl (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.1/66.1 kB 20.4 MB/s eta 0:00:00\nCollecting anyio>=3.0.0 (from watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading anyio-4.2.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting chardet>=4.0.0 (from deptry==0.12.0->-r requirements/requirements-dev.txt (line 8))\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting cfgv>=2.0.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting pkginfo>=1.8.1 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting readme-renderer>=35.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting requests>=2.20 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting requests-toolbelt!=0.9.0,>=0.8.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 17.0 MB/s eta 0:00:00\nCollecting urllib3>=1.26.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting importlib-metadata>=3.6 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading importlib_metadata-7.0.1-py3-none-any.whl.metadata (4.9 kB)\nCollecting keyring>=15.1 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting rfc3986>=1.4.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich>=12.0.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting idna>=2.8 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading idna-3.6-py3-none-any.whl.metadata (9.9 kB)\nCollecting sniffio>=1.1 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading sniffio-1.3.0-py3-none-any.whl (10 kB)\nCollecting exceptiongroup>=1.0.2 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting zipp>=0.5 (from importlib-metadata>=3.6->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting jaraco.classes (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting SecretStorage>=3.2 (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 17.1 MB/s eta 0:00:00\nCollecting nh3>=0.2.14 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading nh3-0.2.15-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.7 kB)\nCollecting docutils>=0.13.1 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting Pygments>=2.5.1 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting charset-normalizer<4,>=2 (from requests>=2.20->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting certifi>=2017.4.17 (from requests>=2.20->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting markdown-it-py>=2.2.0 (from rich>=12.0.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting mdurl~=0.1 (from markdown-it-py>=2.2.0->rich>=12.0.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nCollecting more-itertools (from jaraco.classes->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting cffi>=1.12 (from cryptography>=2.0->SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting pycparser (from cffi>=1.12->cryptography>=2.0->SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 35.3 MB/s eta 0:00:00\nDownloading deptry-0.12.0-py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.7/41.7 kB 13.1 MB/s eta 0:00:00\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 42.9 MB/s eta 0:00:00\nDownloading wheel-0.42.0-py3-none-any.whl (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.4/65.4 kB 22.9 MB/s eta 0:00:00\nDownloading anyio-4.2.0-py3-none-any.whl (85 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 85.5/85.5 kB 29.1 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 43.8 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 33.7 MB/s eta 0:00:00\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 31.2 MB/s eta 0:00:00\nDownloading importlib_metadata-7.0.1-py3-none-any.whl (23 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.2 MB/s eta 0:00:00\nDownloading pathspec-0.12.1-py3-none-any.whl (31 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 37.6 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 21.9 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 51.0 MB/s eta 0:00:00\nDownloading typing_extensions-4.9.0-py3-none-any.whl (32 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 33.0 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 53.1 MB/s eta 0:00:00\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 43.3 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.3/142.3 kB 40.8 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 68.6 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 67.0 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading idna-3.6-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.6/61.6 kB 20.6 MB/s eta 0:00:00\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 28.4 MB/s eta 0:00:00\nDownloading nh3-0.2.15-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 72.8 MB/s eta 0:00:00\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 81.6 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 94.7 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 17.6 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.4/443.4 kB 72.9 MB/s eta 0:00:00\nInstalling collected packages: nh3, distlib, zipp, wheel, urllib3, typing-extensions, tomli, sniffio, rfc3986, pyyaml, Pygments, pyflakes, pycparser, pycodestyle, platformdirs, pkginfo, pathspec, packaging, nodeenv, mypy-extensions, more-itertools, mdurl, mccabe, jeepney, isort, idna, identify, filelock, exceptiongroup, docutils, click, charset-normalizer, chardet, cfgv, certifi, virtualenv, requests, readme-renderer, markdown-it-py, jaraco.classes, importlib-metadata, flake8, deptry, cffi, black, anyio, watchfiles, rich, requests-toolbelt, pre-commit, cryptography, SecretStorage, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 anyio-4.2.0 black-23.3.0 certifi-2023.11.17 cffi-1.16.0 cfgv-3.4.0 chardet-5.2.0 charset-normalizer-3.3.2 click-8.1.7 cryptography-41.0.7 deptry-0.12.0 distlib-0.3.8 docutils-0.20.1 exceptiongroup-1.2.0 filelock-3.13.1 flake8-5.0.4 identify-2.5.33 idna-3.6 importlib-metadata-7.0.1 isort-5.10.1 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mccabe-0.7.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.15 nodeenv-1.8.0 packaging-23.2 pathspec-0.12.1 pkginfo-1.9.6 platformdirs-4.1.0 pre-commit-3.6.0 pycodestyle-2.9.1 pycparser-2.21 pyflakes-2.5.0 pyyaml-6.0.1 readme-renderer-42.0 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 sniffio-1.3.0 tomli-2.0.1 twine-4.0.2 typing-extensions-4.9.0 urllib3-2.1.0 virtualenv-20.25.0 watchfiles-0.19.0 wheel-0.42.0 zipp-3.17.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n--- Checking requirements files for duplicates ---\n\n--- Checking that requirements match imports ---\n- requirements/requirements.txt\n None:None: DEP002 'type_infer' defined as a dependency but not used in the codebase\n\n\n--- Checking handlers that require other handlers ---\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/mindsdb/__main__.py b/mindsdb/__main__.py\nindex cac3482883..6cc92a7899 100644\n--- a/mindsdb/__main__.py\n+++ b/mindsdb/__main__.py\n@@ -35,6 +35,7 @@ from mindsdb.utilities.fs import create_dirs_recursive, clean_process_marks, cle\n from mindsdb.utilities.telemetry import telemetry_file_exists, disable_telemetry\n from mindsdb.utilities.context import context as ctx\n from mindsdb.utilities.auth import register_oauth_client, get_aws_meta_data\n+import type_infer # noqa\n \n try:\n import torch.multiprocessing as mp\n", "difficulty": 1, "changed_files": ["mindsdb/__main__.py"], "commit_link": "https://github.com/mindsdb/mindsdb/tree/102f918deb2532bb7b825f00258f2c1414cf94da"} \ No newline at end of file diff --git a/data/python/1168b92.json b/data/python/1168b92.json new file mode 100644 index 0000000000000000000000000000000000000000..ac1a4875e628898bde07dc086bcb3c690d82aed4 --- /dev/null +++ b/data/python/1168b92.json @@ -0,0 +1 @@ +{"language": "Python", "id": 56, "repo_owner": "scrapy", "repo_name": "scrapy", "head_branch": "simplify-attempt2", "workflow_name": "Checks", "workflow_filename": "checks.yml", "workflow_path": ".github/workflows/checks.yml", "contributor": "monicaq21", "sha_fail": "1168b9244d680437e2a2683294a55c0b52c118f6", "sha_success": "b5b7c99e24c722fa09c426ed0245df1ae792d486", "workflow": "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n checks:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n include:\n - python-version: \"3.12\"\n env:\n TOXENV: pylint\n - python-version: 3.8\n env:\n TOXENV: typing\n - python-version: \"3.11\" # Keep in sync with .readthedocs.yml\n env:\n TOXENV: docs\n - python-version: \"3.12\"\n env:\n TOXENV: twinecheck\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n - name: Run check\n env: ${{ matrix.env }}\n run: |\n pip install -U tox\n tox\n\n pre-commit:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "checks (3.12, pylint)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n TOXENV: pylint\n##[endgroup]\nCollecting tox\n Downloading tox-4.11.4-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.4-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 154.0/154.0 kB 19.9 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 51.7 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 16.5 MB/s eta 0:00:00\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 117.4 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 82.7 MB/s eta 0:00:00\nInstalling collected packages: distlib, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.2 chardet-5.2.0 colorama-0.4.6 distlib-0.3.7 filelock-3.13.1 packaging-23.2 platformdirs-4.1.0 pluggy-1.3.0 pyproject-api-1.6.1 tox-4.11.4 virtualenv-20.25.0\npylint: install_deps> python -I -m pip install -ctests/upper-constraints.txt boto3 google-cloud-storage 'markupsafe<2.1.0' 'mitmproxy<8,>=4.0.4; python_version < \"3.9\" and implementation_name != \"pypy\"' Pillow pylint==3.0.1 robotexclusionrulesparser 'Twisted[http2]' -r tests/requirements.txt\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.3.1,setuptools==69.0.2,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\npylint: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\npylint: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\npylint: freeze> python -m pip freeze --all\npylint: annotated-types==0.6.0,astroid==3.0.1,asttokens==2.4.1,attrs==23.1.0,Automat==22.10.0,blessed==1.20.0,boto3==1.33.11,botocore==1.33.11,bpython==0.24,Brotli==1.1.0,cachetools==5.3.2,Cerberus==1.3.5,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,constantly==23.10.4,coverage==7.3.2,cryptography==41.0.7,cssselect==1.2.0,curtsies==0.4.2,cwcwidth==0.1.9,decorator==5.1.1,dill==0.3.7,distlib==0.3.7,docopt==0.6.2,execnet==2.0.2,executing==2.0.1,filelock==3.13.1,google-api-core==2.15.0,google-auth==2.25.2,google-cloud-core==2.4.1,google-cloud-storage==2.13.0,google-crc32c==1.5.0,google-resumable-media==2.6.0,googleapis-common-protos==1.62.0,greenlet==3.0.2,h2==4.1.0,hpack==4.0.0,hyperframe==6.0.1,hyperlink==21.0.0,idna==3.6,incremental==22.10.0,iniconfig==2.0.0,ipython==8.18.1,isort==5.13.0,itemadapter==0.8.0,itemloaders==1.1.0,jedi==0.19.1,jmespath==1.0.1,lxml==4.9.3,MarkupSafe==2.0.1,matplotlib-inline==0.1.6,mccabe==0.7.0,packaging==23.2,parsel==1.8.1,parso==0.8.3,pep517==0.13.1,pexpect==4.9.0,Pillow==10.1.0,pip==23.3.1,pip-api==0.0.30,pipreqs==0.4.13,platformdirs==4.1.0,plette==0.4.4,pluggy==1.3.0,priority==1.3.0,prompt-toolkit==3.0.41,Protego==0.3.0,protobuf==4.25.1,ptyprocess==0.7.0,pure-eval==0.2.2,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycparser==2.21,pydantic==2.5.2,pydantic_core==2.14.5,PyDispatcher==2.0.7,pyftpdlib==1.5.9,Pygments==2.17.2,pylint==3.0.1,pyOpenSSL==23.3.0,pytest==7.4.3,pytest-cov==4.0.0,pytest-xdist==3.5.0,python-dateutil==2.8.2,pyxdg==0.28,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,requirementslib==3.0.0,robotexclusionrulesparser==1.7.1,rsa==4.9,s3transfer==0.8.2,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=badae26f961983adc76ef32b8b07c6ba5b979a31f891e5f2e57590381cc5b815,service-identity==23.1.0,setuptools==69.0.2,six==1.16.0,stack-data==0.6.3,sybil==6.0.2,testfixtures==7.2.2,tldextract==5.1.1,tomlkit==0.12.3,traitlets==5.14.0,Twisted==23.10.0,typing_extensions==4.9.0,urllib3==2.0.7,uvloop==0.19.0,w3lib==2.1.2,wcwidth==0.2.12,yarg==0.1.9,zope.interface==6.1,zstandard==0.22.0\npylint: commands[0]> pylint conftest.py docs extras scrapy setup.py tests\n:230: SyntaxWarning: invalid escape sequence '\\d'\n************* Module scrapy.crawler\nscrapy/crawler.py:112:37: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.engine\nscrapy/core/engine.py:361:20: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.scheduler\nscrapy/core/scheduler.py:325:15: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/scheduler.py:336:12: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.contextfactory\nscrapy/core/downloader/contextfactory.py:168:26: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/contextfactory.py:168:26: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/contextfactory.py:174:26: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/contextfactory.py:174:26: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers\nscrapy/core/downloader/handlers/__init__.py:58:17: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/__init__.py:58:17: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers.http10\nscrapy/core/downloader/handlers/http10.py:33:37: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/http10.py:33:37: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers.s3\nscrapy/core/downloader/handlers/s3.py:53:24: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/s3.py:53:24: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module tests.test_downloader_handlers\ntests/test_downloader_handlers.py:831:22: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:831:22: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:861:17: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:861:17: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:888:12: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:888:12: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module tests.test_webclient\ntests/test_webclient.py:473:33: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_webclient.py:485:33: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n\n-----------------------------------\nYour code has been rated at 9.99/10\n\npylint: exit 4 (53.83 seconds) /home/runner/work/scrapy/scrapy> pylint conftest.py docs extras scrapy setup.py tests pid=2037\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n pylint: FAIL code 4 (100.80=setup[46.97]+cmd[53.83] seconds)\n evaluation failed :( (100.88 seconds)\n##[error]Process completed with exit code 4.\n"}, {"step_name": "checks (3.8, typing)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n TOXENV: typing\n##[endgroup]\nCollecting tox\n Downloading tox-4.11.4-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting tomli>=2.0.1 (from tox)\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.4-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 154.0/154.0 kB 8.4 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 32.2 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 17.1 MB/s eta 0:00:00\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 82.9 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 79.6 MB/s eta 0:00:00\nInstalling collected packages: distlib, tomli, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.2 chardet-5.2.0 colorama-0.4.6 distlib-0.3.7 filelock-3.13.1 packaging-23.2 platformdirs-4.1.0 pluggy-1.3.0 pyproject-api-1.6.1 tomli-2.0.1 tox-4.11.4 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\ntyping: install_deps> python -I -m pip install -ctests/upper-constraints.txt mypy==1.6.1 types-attrs==19.1.0 types-lxml==2023.10.21 types-Pillow==10.1.0.0 types-Pygments==2.16.0.0 types-pyOpenSSL==23.3.0.0 types-setuptools==68.2.0.0 typing-extensions==4.8.0 'w3lib>=2.1.2'\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.3.1,setuptools==69.0.2,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\ntyping: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\ntyping: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\ntyping: freeze> python -m pip freeze --all\ntyping: attrs==23.1.0,Automat==22.10.0,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,constantly==23.10.4,cryptography==41.0.7,cssselect==1.2.0,filelock==3.13.1,hyperlink==21.0.0,idna==3.6,incremental==22.10.0,itemadapter==0.8.0,itemloaders==1.1.0,jmespath==1.0.1,lxml==4.9.3,mypy==1.6.1,mypy-extensions==1.0.0,packaging==23.2,parsel==1.8.1,pip==23.3.1,Protego==0.3.0,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycparser==2.21,PyDispatcher==2.0.7,pyOpenSSL==23.3.0,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=ebe501ee4a51f734f99dff82a0f62429c4051d3976e2377b4c07e9f5fb55d533,service-identity==23.1.0,setuptools==69.0.2,six==1.16.0,tldextract==5.1.1,tomli==2.0.1,Twisted==23.10.0,types-attrs==19.1.0,types-beautifulsoup4==4.12.0.7,types-docutils==0.20.0.3,types-html5lib==1.1.11.15,types-lxml==2023.10.21,types-Pillow==10.1.0.0,types-Pygments==2.16.0.0,types-pyOpenSSL==23.3.0.0,types-setuptools==68.2.0.0,typing_extensions==4.8.0,urllib3==2.1.0,w3lib==2.1.2,wheel==0.42.0,zope.interface==6.1\ntyping: commands[0]> mypy scrapy tests\nscrapy/core/downloader/handlers/__init__.py:58: error: Too few arguments for \"build_from_crawler\" [call-arg]\nscrapy/core/engine.py:361: error: Too few arguments for \"build_from_crawler\" [call-arg]\nscrapy/crawler.py:112: error: Too few arguments for \"build_from_crawler\" [call-arg]\nFound 3 errors in 3 files (checked 333 source files)\ntyping: exit 1 (8.99 seconds) /home/runner/work/scrapy/scrapy> mypy scrapy tests pid=1984\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n typing: FAIL code 1 (25.59=setup[16.60]+cmd[8.99] seconds)\n evaluation failed :( (25.71 seconds)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/scrapy/core/downloader/contextfactory.py b/scrapy/core/downloader/contextfactory.py\nindex 9047a5b83..05d6e7a09 100644\n--- a/scrapy/core/downloader/contextfactory.py\n+++ b/scrapy/core/downloader/contextfactory.py\n@@ -166,14 +166,14 @@ def load_context_factory_from_settings(settings, crawler):\n # try method-aware context factory\n try:\n context_factory = build_from_crawler(\n- objcls=context_factory_cls,\n- crawler=crawler,\n+ context_factory_cls,\n+ crawler,\n method=ssl_method,\n )\n except TypeError:\n context_factory = build_from_crawler(\n- objcls=context_factory_cls,\n- crawler=crawler,\n+ context_factory_cls,\n+ crawler,\n )\n msg = (\n f\"{settings['DOWNLOADER_CLIENTCONTEXTFACTORY']} does not accept \"\ndiff --git a/scrapy/core/downloader/handlers/__init__.py b/scrapy/core/downloader/handlers/__init__.py\nindex 466393b80..416669b7f 100644\n--- a/scrapy/core/downloader/handlers/__init__.py\n+++ b/scrapy/core/downloader/handlers/__init__.py\n@@ -56,8 +56,8 @@ class DownloadHandlers:\n if skip_lazy and getattr(dhcls, \"lazy\", True):\n return None\n dh = build_from_crawler(\n- objcls=dhcls,\n- crawler=self._crawler,\n+ dhcls,\n+ self._crawler,\n )\n except NotConfigured as ex:\n self._notconfigured[scheme] = str(ex)\ndiff --git a/scrapy/core/downloader/handlers/http10.py b/scrapy/core/downloader/handlers/http10.py\nindex 817a420c0..b6ac7a251 100644\n--- a/scrapy/core/downloader/handlers/http10.py\n+++ b/scrapy/core/downloader/handlers/http10.py\n@@ -31,8 +31,8 @@ class HTTP10DownloadHandler:\n host, port = to_unicode(factory.host), factory.port\n if factory.scheme == b\"https\":\n client_context_factory = build_from_crawler(\n- objcls=self.ClientContextFactory,\n- crawler=self._crawler,\n+ self.ClientContextFactory,\n+ self._crawler,\n )\n return reactor.connectSSL(host, port, factory, client_context_factory)\n return reactor.connectTCP(host, port, factory)\ndiff --git a/scrapy/core/downloader/handlers/s3.py b/scrapy/core/downloader/handlers/s3.py\nindex a37f29aac..1f7533759 100644\n--- a/scrapy/core/downloader/handlers/s3.py\n+++ b/scrapy/core/downloader/handlers/s3.py\n@@ -51,8 +51,8 @@ class S3DownloadHandler:\n )\n \n _http_handler = build_from_crawler(\n- objcls=httpdownloadhandler,\n- crawler=crawler,\n+ httpdownloadhandler,\n+ crawler,\n )\n self._download_http = _http_handler.download_request\n \ndiff --git a/scrapy/core/engine.py b/scrapy/core/engine.py\nindex 281dc8a54..545cd401f 100644\n--- a/scrapy/core/engine.py\n+++ b/scrapy/core/engine.py\n@@ -358,7 +358,7 @@ class ExecutionEngine:\n raise RuntimeError(f\"No free spider slot when opening {spider.name!r}\")\n logger.info(\"Spider opened\", extra={\"spider\": spider})\n nextcall = CallLaterOnce(self._next_request)\n- scheduler = build_from_crawler(self.scheduler_cls, crawler=self.crawler)\n+ scheduler = build_from_crawler(self.scheduler_cls, self.crawler)\n start_requests = yield self.scraper.spidermw.process_start_requests(\n start_requests, spider\n )\ndiff --git a/scrapy/core/scheduler.py b/scrapy/core/scheduler.py\nindex bf027e1f9..f41b83a67 100644\n--- a/scrapy/core/scheduler.py\n+++ b/scrapy/core/scheduler.py\n@@ -324,7 +324,7 @@ class Scheduler(BaseScheduler):\n \"\"\"Create a new priority queue instance, with in-memory storage\"\"\"\n return build_from_crawler(\n self.pqclass,\n- crawler=self.crawler,\n+ self.crawler,\n downstream_queue_cls=self.mqclass,\n key=\"\",\n )\n@@ -335,7 +335,7 @@ class Scheduler(BaseScheduler):\n state = self._read_dqs_state(self.dqdir)\n q = build_from_crawler(\n self.pqclass,\n- crawler=self.crawler,\n+ self.crawler,\n downstream_queue_cls=self.dqclass,\n key=self.dqdir,\n startprios=state,\ndiff --git a/scrapy/crawler.py b/scrapy/crawler.py\nindex b7a6df2f3..844d5f759 100644\n--- a/scrapy/crawler.py\n+++ b/scrapy/crawler.py\n@@ -111,7 +111,7 @@ class Crawler:\n \n self.request_fingerprinter = build_from_crawler(\n load_object(self.settings[\"REQUEST_FINGERPRINTER_CLASS\"]),\n- crawler=self,\n+ self,\n )\n \n reactor_class: str = self.settings[\"TWISTED_REACTOR\"]\ndiff --git a/tests/test_downloader_handlers.py b/tests/test_downloader_handlers.py\nindex 37a53643b..dd07d33f1 100644\n--- a/tests/test_downloader_handlers.py\n+++ b/tests/test_downloader_handlers.py\n@@ -829,8 +829,8 @@ class S3AnonTestCase(unittest.TestCase):\n skip_if_no_boto()\n crawler = get_crawler()\n self.s3reqh = build_from_crawler(\n- objcls=S3DownloadHandler,\n- crawler=crawler,\n+ S3DownloadHandler,\n+ crawler,\n httpdownloadhandler=HttpDownloadHandlerMock,\n # anon=True, # implicit\n )\n@@ -859,8 +859,8 @@ class S3TestCase(unittest.TestCase):\n skip_if_no_boto()\n crawler = get_crawler()\n s3reqh = build_from_crawler(\n- objcls=S3DownloadHandler,\n- crawler=crawler,\n+ S3DownloadHandler,\n+ crawler,\n aws_access_key_id=self.AWS_ACCESS_KEY_ID,\n aws_secret_access_key=self.AWS_SECRET_ACCESS_KEY,\n httpdownloadhandler=HttpDownloadHandlerMock,\n@@ -886,8 +886,8 @@ class S3TestCase(unittest.TestCase):\n try:\n crawler = get_crawler()\n build_from_crawler(\n- objcls=S3DownloadHandler,\n- crawler=crawler,\n+ S3DownloadHandler,\n+ crawler,\n extra_kw=True,\n )\n except Exception as e:\ndiff --git a/tests/test_webclient.py b/tests/test_webclient.py\nindex a69d9c1b0..d4b6ba15b 100644\n--- a/tests/test_webclient.py\n+++ b/tests/test_webclient.py\n@@ -471,7 +471,7 @@ class WebClientCustomCiphersSSLTestCase(WebClientSSLTestCase):\n s = \"0123456789\" * 10\n settings = Settings({\"DOWNLOADER_CLIENT_TLS_CIPHERS\": self.custom_ciphers})\n client_context_factory = build_from_settings(\n- ScrapyClientContextFactory, settings=settings\n+ ScrapyClientContextFactory, settings\n )\n return getPage(\n self.getURL(\"payload\"), body=s, contextFactory=client_context_factory\n@@ -483,7 +483,7 @@ class WebClientCustomCiphersSSLTestCase(WebClientSSLTestCase):\n {\"DOWNLOADER_CLIENT_TLS_CIPHERS\": \"ECDHE-RSA-AES256-GCM-SHA384\"}\n )\n client_context_factory = build_from_settings(\n- ScrapyClientContextFactory, settings=settings\n+ ScrapyClientContextFactory, settings\n )\n d = getPage(\n self.getURL(\"payload\"), body=s, contextFactory=client_context_factory\n", "difficulty": 2, "changed_files": ["scrapy/core/downloader/contextfactory.py", "scrapy/core/downloader/handlers/__init__.py", "scrapy/core/downloader/handlers/http10.py", "scrapy/core/downloader/handlers/s3.py", "scrapy/core/engine.py", "scrapy/core/scheduler.py", "scrapy/crawler.py", "tests/test_downloader_handlers.py", "tests/test_webclient.py"], "commit_link": "https://github.com/scrapy/scrapy/tree/1168b9244d680437e2a2683294a55c0b52c118f6"} \ No newline at end of file diff --git a/data/python/16a0c04.json b/data/python/16a0c04.json new file mode 100644 index 0000000000000000000000000000000000000000..80ff29dda6dba1605648949e79af928baef55a44 --- /dev/null +++ b/data/python/16a0c04.json @@ -0,0 +1 @@ +{"language": "Python", "id": 70, "repo_owner": "dask", "repo_name": "dask", "head_branch": "milesgranger/10801-more-deprecations", "workflow_name": "Linting", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "milesgranger", "sha_fail": "16a0c04d06205527ec5e379df2596b399ee5dadc", "sha_success": "3716f88d477a969d0910c75b4268949af11c0e6e", "workflow": "name: Linting\n\non:\n push:\n branches: main\n pull_request:\n branches: main\n\njobs:\n checks:\n name: pre-commit hooks\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4.1.1\n - uses: actions/setup-python@v5\n with:\n python-version: '3.9'\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "pre-commit hooks/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from nodeenv>=0.11.1->pre-commit) (58.1.0)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 19.7 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 27.0 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 80.2 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 114.1 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 78.9 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, pyyaml, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|2f6023be5c7e4f75d9ed9a00c3fcb4c3fa7d8493a70885078264f9accc27f632\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nReceived 0 of 69094681 (0.0%), 0.0 MBs/sec\nCache Size: ~66 MB (69094681 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/2e80fd5c-4883-4bdb-be22-ed0a545b7db7/cache.tzst -P -C /home/runner/work/dask/dask --use-compress-program unzstd\nReceived 69094681 of 69094681 (100.0%), 32.9 MBs/sec\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|2f6023be5c7e4f75d9ed9a00c3fcb4c3fa7d8493a70885078264f9accc27f632\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nfix end of files.........................................................\u001b[42mPassed\u001b[m\ndebug statements (python)................................................\u001b[42mPassed\u001b[m\nabsolufy-imports.........................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\npyupgrade................................................................\u001b[42mPassed\u001b[m\nblack....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted dask/utils.py\u001b[0m\n\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\n\u001b[34m\u001b[1m1 file \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m257 files \u001b[0mleft unchanged.\n\nflake8...................................................................\u001b[42mPassed\u001b[m\ncodespell................................................................\u001b[42mPassed\u001b[m\nmypy.....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: mypy\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\ndask/utils.py:231: error: Unsupported operand types for + (\"str\" and \"None\") [operator]\ndask/utils.py:231: note: Right operand is of type \"Optional[str]\"\ndask/utils.py:257: error: Unsupported operand types for + (\"str\" and \"None\") [operator]\ndask/utils.py:257: note: Right operand is of type \"Optional[str]\"\nFound 2 errors in 1 file (checked 258 source files)\n\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/dask/utils.py b/dask/utils.py\u001b[m\n\u001b[1mindex 80ea6e8..26f1176 100644\u001b[m\n\u001b[1m--- a/dask/utils.py\u001b[m\n\u001b[1m+++ b/dask/utils.py\u001b[m\n\u001b[36m@@ -148,7 +148,7 @@\u001b[m \u001b[mdef _deprecated_kwarg(\u001b[m\n new_arg_name: str | None = None,\u001b[m\n mapping: Mapping[Any, Any] | Callable[[Any], Any] | None = None,\u001b[m\n stacklevel: int = 2,\u001b[m\n\u001b[31m- comment: str | None = None\u001b[m\n\u001b[32m+\u001b[m\u001b[32m comment: str | None = None,\u001b[m\n ) -> Callable[[F], F]:\u001b[m\n \"\"\"\u001b[m\n Decorator to deprecate a keyword argument of a function.\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/dask/utils.py b/dask/utils.py\nindex 80ea6e8d6..0da2953c8 100644\n--- a/dask/utils.py\n+++ b/dask/utils.py\n@@ -148,7 +148,7 @@ def _deprecated_kwarg(\n new_arg_name: str | None = None,\n mapping: Mapping[Any, Any] | Callable[[Any], Any] | None = None,\n stacklevel: int = 2,\n- comment: str | None = None\n+ comment: str | None = None,\n ) -> Callable[[F], F]:\n \"\"\"\n Decorator to deprecate a keyword argument of a function.\n@@ -219,7 +219,7 @@ def _deprecated_kwarg(\n \"mapping from old to new argument values must be dict or callable!\"\n )\n \n- comment = f\"\\n{comment}\" or \"\"\n+ comment_ = f\"\\n{comment}\" or \"\"\n \n def _deprecated_kwarg(func: F) -> F:\n @wraps(func)\n@@ -232,7 +232,7 @@ def _deprecated_kwarg(\n f\"the {repr(old_arg_name)} keyword is deprecated and \"\n \"will be removed in a future version. Please take \"\n f\"steps to stop the use of {repr(old_arg_name)}\"\n- ) + comment\n+ ) + comment_\n warnings.warn(msg, FutureWarning, stacklevel=stacklevel)\n kwargs[old_arg_name] = old_arg_value\n return func(*args, **kwargs)\n@@ -254,7 +254,7 @@ def _deprecated_kwarg(\n f\"use {repr(new_arg_name)} instead.\"\n )\n \n- warnings.warn(msg + comment, FutureWarning, stacklevel=stacklevel)\n+ warnings.warn(msg + comment_, FutureWarning, stacklevel=stacklevel)\n if kwargs.get(new_arg_name) is not None:\n msg = (\n f\"Can only specify {repr(old_arg_name)} \"\n", "difficulty": 0, "changed_files": ["dask/utils.py"], "commit_link": "https://github.com/dask/dask/tree/16a0c04d06205527ec5e379df2596b399ee5dadc"} \ No newline at end of file diff --git a/data/python/1afe2c9.json b/data/python/1afe2c9.json new file mode 100644 index 0000000000000000000000000000000000000000..f5d3a863e91555810736b0d65c913f281a7055c4 --- /dev/null +++ b/data/python/1afe2c9.json @@ -0,0 +1 @@ +{"language": "Python", "id": 2, "repo_owner": "encode", "repo_name": "httpx", "head_branch": "add-ssl-context-argument", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "karpetrosyan", "sha_fail": "1afe2c9cb192d3760d59190cc7892e7ac37d5e27", "sha_success": "6be802e03bdb78d20f9c8df63a43f9167dcbfd49", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }}\"\n runs-on: \"ubuntu-latest\"\n\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v4\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n allow-prereleases: true\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n - name: \"Run tests\"\n run: \"scripts/test\"\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n", "logs": [{"step_name": "Python 3.10/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nhttpx/_client.py:1456: error: Unexpected keyword argument \"verify\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_client.py:1458: error: Name \"verify\" is not defined [name-defined]\nhttpx/_client.py:1459: error: Name \"cert\" is not defined [name-defined]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nhttpx/_client.py:1456: error: Unexpected keyword argument \"cert\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nFound 4 errors in 1 file (checked 60 source files)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.11/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nhttpx/_client.py:1456: error: Unexpected keyword argument \"verify\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_client.py:1458: error: Name \"verify\" is not defined [name-defined]\nhttpx/_client.py:1459: error: Name \"cert\" is not defined [name-defined]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nhttpx/_client.py:1456: error: Unexpected keyword argument \"cert\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nFound 4 errors in 1 file (checked 60 source files)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.12/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nhttpx/_client.py:1456: error: Unexpected keyword argument \"verify\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_client.py:1458: error: Name \"verify\" is not defined [name-defined]\nhttpx/_client.py:1459: error: Name \"cert\" is not defined [name-defined]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nhttpx/_client.py:1456: error: Unexpected keyword argument \"cert\" for \"AsyncHTTPTransport\" [call-arg]\nhttpx/_transports/default.py:260: note: \"AsyncHTTPTransport\" defined here\nFound 4 errors in 1 file (checked 60 source files)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/httpx/_client.py b/httpx/_client.py\nindex e5cff5d..4dd2d07 100644\n--- a/httpx/_client.py\n+++ b/httpx/_client.py\n@@ -1455,8 +1455,6 @@ class AsyncClient(BaseClient):\n ) -> AsyncBaseTransport:\n return AsyncHTTPTransport(\n ssl_context=ssl_context,\n- verify=verify,\n- cert=cert,\n http1=http1,\n http2=http2,\n limits=limits,\n", "difficulty": 2, "changed_files": ["httpx/_client.py"], "commit_link": "https://github.com/encode/httpx/tree/1afe2c9cb192d3760d59190cc7892e7ac37d5e27"} \ No newline at end of file diff --git a/data/python/2201be2.json b/data/python/2201be2.json new file mode 100644 index 0000000000000000000000000000000000000000..93801f30fb779769de78a5404759fcce510729c6 --- /dev/null +++ b/data/python/2201be2.json @@ -0,0 +1 @@ +{"language": "Python", "id": 54, "repo_owner": "mwaskom", "repo_name": "seaborn", "head_branch": "plot/layout_rect", "workflow_name": "CI", "workflow_filename": "ci.yaml", "workflow_path": ".github/workflows/ci.yaml", "contributor": "mwaskom", "sha_fail": "2201be21886bb82201f3c3487f5f1468f6e6ac81", "sha_success": "596ad4f85f31f39bcedd2fbca935647b1a2fdf84", "workflow": "name: CI\n\non:\n push:\n branches: [master, v0.*]\n pull_request:\n branches: master\n schedule:\n - cron: '0 6 * * 1,4' # Each Monday and Thursday at 06:00 UTC\n workflow_dispatch:\n\npermissions:\n contents: read\n\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: ${{ github.workspace }}/seaborn-data\n\njobs:\n build-docs:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python 3.11\n uses: actions/setup-python@65d7f2d534ac1bc67fcd62888c5f4f3d2cb2b236 # v4.7.1\n with:\n python-version: \"3.11\"\n\n - name: Install seaborn\n run: |\n pip install --upgrade pip\n pip install .[stats,docs]\n\n - name: Install pandoc\n run: |\n sudo apt-get install pandoc\n\n - name: Cache datasets\n run: |\n git clone https://github.com/mwaskom/seaborn-data.git\n ls $SEABORN_DATA\n\n - name: Build docs\n env:\n SPHINXOPTS: -j `nproc`\n run: |\n cd doc\n make -j `nproc` notebooks\n make html\n\n\n run-tests:\n runs-on: ubuntu-latest\n\n strategy:\n matrix:\n python: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n install: [full]\n deps: [latest]\n\n include:\n - python: \"3.8\"\n install: full\n deps: pinned\n - python: \"3.11\"\n install: light\n deps: latest\n\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python ${{ matrix.python }}\n uses: actions/setup-python@65d7f2d534ac1bc67fcd62888c5f4f3d2cb2b236 # v4.7.1\n with:\n python-version: ${{ matrix.python }}\n allow-prereleases: true\n\n - name: Install seaborn\n run: |\n pip install --upgrade pip wheel\n if [[ ${{matrix.install}} == 'full' ]]; then EXTRAS=',stats'; fi\n if [[ ${{matrix.deps }} == 'pinned' ]]; then DEPS='-r ci/deps_pinned.txt'; fi\n pip install .[dev$EXTRAS] $DEPS\n\n - name: Run tests\n run: make test\n\n - name: Upload coverage\n uses: codecov/codecov-action@eaaf4bedf32dbdc6b720b63067d99c4d77d6047d # v3.1.4\n if: ${{ success() }}\n\n lint:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n steps:\n\n - name: Checkout\n uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python\n uses: actions/setup-python@65d7f2d534ac1bc67fcd62888c5f4f3d2cb2b236 # v4.7.1\n\n - name: Install tools\n run: pip install mypy flake8\n\n - name: Flake8\n run: make lint\n\n - name: Type checking\n run: make typecheck\n", "logs": [{"step_name": "build-docs/7_Build docs.txt", "log": "##[group]Run cd doc\n\u001b[36;1mcd doc\u001b[0m\n\u001b[36;1mmake -j `nproc` notebooks\u001b[0m\n\u001b[36;1mmake html\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: /home/runner/work/seaborn/seaborn/seaborn-data\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n SPHINXOPTS: -j `nproc`\n##[endgroup]\nmake[1]: Entering directory '/home/runner/work/seaborn/seaborn/doc/_tutorial'\n../tools/nb_to_doc.py aesthetics.ipynb ../tutorial\n../tools/nb_to_doc.py axis_grids.ipynb ../tutorial\nmake[1]: Entering directory '/home/runner/work/seaborn/seaborn/doc/_docstrings'\n../tools/nb_to_doc.py FacetGrid.ipynb ../docstrings\n../tools/nb_to_doc.py categorical.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py JointGrid.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py PairGrid.ipynb ../docstrings\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py color_palettes.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py axes_style.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py data_structure.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py barplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py blend_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py distributions.ipynb ../tutorial\n../tools/nb_to_doc.py boxenplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py error_bars.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py boxplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py function_overview.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py catplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py clustermap.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py color_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py introduction.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py countplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py cubehelix_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py dark_palette.ipynb ../docstrings\n../tools/nb_to_doc.py objects_interface.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py displot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py diverging_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py ecdfplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py heatmap.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py histplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py hls_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py properties.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py husl_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py jointplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py regression.ipynb ../tutorial\n../tools/nb_to_doc.py kdeplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py relational.ipynb ../tutorial\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py light_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py lineplot.ipynb ../docstrings\n../tools/nb_to_doc.py lmplot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py move_legend.ipynb ../docstrings\n../tools/nb_to_doc.py mpl_palette.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py objects.Agg.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Area.ipynb ../docstrings\n../tools/nb_to_doc.py objects.Band.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Bar.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\nmake[1]: Leaving directory '/home/runner/work/seaborn/seaborn/doc/_tutorial'\n../tools/nb_to_doc.py objects.Bars.ipynb ../docstrings\n../tools/nb_to_doc.py objects.Count.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py objects.Dash.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Dodge.ipynb ../docstrings\n../tools/nb_to_doc.py objects.Dot.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Dots.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Est.ipynb ../docstrings\n0.01s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Hist.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Jitter.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py objects.KDE.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py objects.Line.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Lines.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Norm.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Path.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Paths.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Perc.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.add.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.config.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.01s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.facet.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.label.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.layout.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n../tools/nb_to_doc.py objects.Plot.limit.ipynb ../docstrings\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n../tools/nb_to_doc.py objects.Plot.on.ipynb ../docstrings\nTraceback (most recent call last):\n File \"/home/runner/work/seaborn/seaborn/doc/_docstrings/../tools/nb_to_doc.py\", line 126, in \n ep.preprocess(nb, {\"metadata\": {\"path\": basedir}})\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/preprocessors/execute.py\", line 102, in preprocess\n self.preprocess_cell(cell, resources, index)\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/preprocessors/execute.py\", line 123, in preprocess_cell\n cell = self.execute_cell(cell, index, store_history=True)\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/jupyter_core/utils/__init__.py\", line 173, in wrapped\n return loop.run_until_complete(inner)\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/asyncio/base_events.py\", line 653, in run_until_complete\n return future.result()\n ^^^^^^^^^^^^^^^\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbclient/client.py\", line 1062, in async_execute_cell\n await self._check_raise_for_error(cell, cell_index, exec_reply)\n File \"/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbclient/client.py\", line 918, in _check_raise_for_error\n raise CellExecutionError.from_cell_and_msg(cell, exec_reply_content)\nnbclient.exceptions.CellExecutionError: An error occurred while executing the following cell:\n------------------\np.layout(extent=[0, 0, .8, 1]).show()\n------------------\n\n\n\u001b[0;31m---------------------------------------------------------------------------\u001b[0m\n\u001b[0;31mNameError\u001b[0m Traceback (most recent call last)\nCell \u001b[0;32mIn[5], line 1\u001b[0m\n\u001b[0;32m----> 1\u001b[0m \u001b[43mp\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mlayout\u001b[49m\u001b[43m(\u001b[49m\u001b[43mextent\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43m[\u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m0\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m.8\u001b[39;49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[38;5;241;43m1\u001b[39;49m\u001b[43m]\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mshow\u001b[49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\n\nFile \u001b[0;32m/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/seaborn/_core/plot.py:930\u001b[0m, in \u001b[0;36mPlot.show\u001b[0;34m(self, **kwargs)\u001b[0m\n\u001b[1;32m 913\u001b[0m \u001b[38;5;250m\u001b[39m\u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 914\u001b[0m \u001b[38;5;124;03mCompile the plot and display it by hooking into pyplot.\u001b[39;00m\n\u001b[1;32m 915\u001b[0m \n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 922\u001b[0m \n\u001b[1;32m 923\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 924\u001b[0m \u001b[38;5;66;03m# TODO make pyplot configurable at the class level, and when not using,\u001b[39;00m\n\u001b[1;32m 925\u001b[0m \u001b[38;5;66;03m# import IPython.display and call on self to populate cell output?\u001b[39;00m\n\u001b[1;32m 926\u001b[0m \n\u001b[1;32m 927\u001b[0m \u001b[38;5;66;03m# Keep an eye on whether matplotlib implements \"attaching\" an existing\u001b[39;00m\n\u001b[1;32m 928\u001b[0m \u001b[38;5;66;03m# figure to pyplot: https://github.com/matplotlib/matplotlib/pull/14024\u001b[39;00m\n\u001b[0;32m--> 930\u001b[0m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mplot\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpyplot\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[38;5;28;43;01mTrue\u001b[39;49;00m\u001b[43m)\u001b[49m\u001b[38;5;241m.\u001b[39mshow(\u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mkwargs)\n\nFile \u001b[0;32m/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/seaborn/_core/plot.py:937\u001b[0m, in \u001b[0;36mPlot.plot\u001b[0;34m(self, pyplot)\u001b[0m\n\u001b[1;32m 933\u001b[0m \u001b[38;5;250m\u001b[39m\u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 934\u001b[0m \u001b[38;5;124;03mCompile the plot spec and return the Plotter object.\u001b[39;00m\n\u001b[1;32m 935\u001b[0m \u001b[38;5;124;03m\"\"\"\u001b[39;00m\n\u001b[1;32m 936\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m theme_context(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_theme_with_defaults()):\n\u001b[0;32m--> 937\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_plot\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpyplot\u001b[49m\u001b[43m)\u001b[49m\n\nFile \u001b[0;32m/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/seaborn/_core/plot.py:971\u001b[0m, in \u001b[0;36mPlot._plot\u001b[0;34m(self, pyplot)\u001b[0m\n\u001b[1;32m 969\u001b[0m \u001b[38;5;66;03m# Add various figure decorations\u001b[39;00m\n\u001b[1;32m 970\u001b[0m plotter\u001b[38;5;241m.\u001b[39m_make_legend(\u001b[38;5;28mself\u001b[39m)\n\u001b[0;32m--> 971\u001b[0m \u001b[43mplotter\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43m_finalize_figure\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;28;43mself\u001b[39;49m\u001b[43m)\u001b[49m\n\u001b[1;32m 973\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m plotter\n\nFile \u001b[0;32m/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/seaborn/_core/plot.py:1815\u001b[0m, in \u001b[0;36mPlotter._finalize_figure\u001b[0;34m(self, p)\u001b[0m\n\u001b[1;32m 1812\u001b[0m set_layout_engine(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_figure, \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mtight\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[1;32m 1814\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m (extent \u001b[38;5;241m:=\u001b[39m p\u001b[38;5;241m.\u001b[39m_layout_spec\u001b[38;5;241m.\u001b[39mget(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mextent\u001b[39m\u001b[38;5;124m\"\u001b[39m)) \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[0;32m-> 1815\u001b[0m engine \u001b[38;5;241m=\u001b[39m \u001b[43mget_layout_engine\u001b[49m(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_figure)\n\u001b[1;32m 1816\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m engine \u001b[38;5;129;01mis\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m:\n\u001b[1;32m 1817\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39m_figure\u001b[38;5;241m.\u001b[39msubplots_adjust(\u001b[38;5;241m*\u001b[39mextent)\n\n\u001b[0;31mNameError\u001b[0m: name 'get_layout_engine' is not defined\n\nmake[1]: *** [Makefile:7: ../docstrings/objects.Plot.layout.rst] Error 1\nmake[1]: *** Waiting for unfinished jobs....\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\n0.00s - Debugger warning: It seems that frozen modules are being used, which may\n0.00s - make the debugger miss breakpoints. Please pass -Xfrozen_modules=off\n0.00s - to python to disable frozen modules.\n0.00s - Note: Debugging will proceed. Set PYDEVD_DISABLE_FILE_VALIDATION=1 to disable this validation.\n/opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/nbconvert/utils/pandoc.py:51: RuntimeWarning: You are using an unsupported version of pandoc (2.9.2.1).\nYour version must be at least (2.14.2) but less than (4.0.0).\nRefer to https://pandoc.org/installing.html.\nContinuing with doubts...\n check_pandoc_version()\nmake[1]: Leaving directory '/home/runner/work/seaborn/seaborn/doc/_docstrings'\nmake: *** [Makefile:60: docstrings] Error 2\n##[error]Process completed with exit code 2.\n"}, {"step_name": "lint/5_Flake8.txt", "log": "##[group]Run make lint\n\u001b[36;1mmake lint\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: /home/runner/work/seaborn/seaborn/seaborn-data\n##[endgroup]\nflake8 seaborn/ tests/\nseaborn/_core/plot.py:1815:22: F821 undefined name 'get_layout_engine'\nmake: *** [Makefile:7: lint] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "run-tests (3.11, light, latest)/5_Run tests.txt", "log": "##[group]Run make test\n\u001b[36;1mmake test\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: /home/runner/work/seaborn/seaborn/seaborn-data\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\npytest -n auto --cov=seaborn --cov=tests --cov-config=setup.cfg tests\n============================= test session starts ==============================\nplatform linux -- Python 3.11.7, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/seaborn/seaborn\nconfigfile: pyproject.toml\nplugins: cov-4.1.0, xdist-3.5.0\ncreated: 4/4 workers\n4 workers [2379 items]\n\n........................................................................ [ 3%]\n........................................................................ [ 6%]\n........................................................................ [ 9%]\n........................................................................ [ 12%]\n........................................................................ [ 15%]\n........................................................................ [ 18%]\n........................................................................ [ 21%]\n........................................................................ [ 24%]\n........................................................................ [ 27%]\n........................................................................ [ 30%]\n........................................................................ [ 33%]\n.s...................................................................... [ 36%]\n........................................................................ [ 39%]\n........................................................................ [ 42%]\n.................................................s.s................ss.. [ 45%]\n..ss.............ssss................................................sss [ 48%]\nsssssssssssssssss.sssssssssssssssssss.ssssssssssssss.................... [ 51%]\n...............................................s........................ [ 54%]\n........................................................................ [ 57%]\n........................................................................ [ 60%]\n..............................................................s......... [ 63%]\n..............................................................x......... [ 66%]\n......x.........x.........................................x..x.......... [ 69%]\n.............................................s.....s.................... [ 72%]\n..................s...................................................... [ 75%]\n........................................................................ [ 78%]\n........................................................................ [ 81%]\n........................................................................ [ 84%]\n..................F.F..x................................................ [ 87%]\n...........................F............................................ [ 90%]\n........................................................................ [ 93%]\n........................................................................ [ 96%]\n........................s..s............................................ [ 99%]\n.. [100%]\n=================================== FAILURES ===================================\n_______________________ TestPlotting.test_layout_extent ________________________\n[gw1] linux -- Python 3.11.7 /opt/hostedtoolcache/Python/3.11.7/x64/bin/python\n\nself = \n\n @pytest.mark.skipif(\n _version_predates(mpl, \"3.6\"),\n reason=\"mpl<3.6 does not have get_layout_engine\",\n )\n def test_layout_extent(self):\n \n> p = Plot().layout(extent=(.1, .2, .6, 1)).plot()\n\ntests/_core/test_plot.py:1100: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nseaborn/_core/plot.py:937: in plot\n return self._plot(pyplot)\nseaborn/_core/plot.py:971: in _plot\n plotter._finalize_figure(self)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \np = \n\n def _finalize_figure(self, p: Plot) -> None:\n \n for sub in self._subplots:\n ax = sub[\"ax\"]\n for axis in \"xy\":\n axis_key = sub[axis]\n axis_obj = getattr(ax, f\"{axis}axis\")\n \n # Axis limits\n if axis_key in p._limits or axis in p._limits:\n convert_units = getattr(ax, f\"{axis}axis\").convert_units\n a, b = p._limits.get(axis_key) or p._limits[axis]\n lo = a if a is None else convert_units(a)\n hi = b if b is None else convert_units(b)\n if isinstance(a, str):\n lo = cast(float, lo) - 0.5\n if isinstance(b, str):\n hi = cast(float, hi) + 0.5\n ax.set(**{f\"{axis}lim\": (lo, hi)})\n \n if axis_key in self._scales: # TODO when would it not be?\n self._scales[axis_key]._finalize(p, axis_obj)\n \n if (engine_name := p._layout_spec.get(\"engine\", default)) is not default:\n # None is a valid arg for Figure.set_layout_engine, hence `default`\n set_layout_engine(self._figure, engine_name)\n elif p._target is None:\n # Don't modify the layout engine if the user supplied their own\n # matplotlib figure and didn't specify an engine through Plot\n # TODO switch default to \"constrained\"?\n # TODO either way, make configurable\n set_layout_engine(self._figure, \"tight\")\n \n if (extent := p._layout_spec.get(\"extent\")) is not None:\n> engine = get_layout_engine(self._figure)\nE NameError: name 'get_layout_engine' is not defined\n\nseaborn/_core/plot.py:1815: NameError\n_________________ TestPlotting.test_constrained_layout_extent __________________\n[gw1] linux -- Python 3.11.7 /opt/hostedtoolcache/Python/3.11.7/x64/bin/python\n\nself = \n\n @pytest.mark.skipif(\n _version_predates(mpl, \"3.6\"),\n reason=\"mpl<3.6 does not have get_layout_engine\",\n )\n def test_constrained_layout_extent(self):\n \n> p = Plot().layout(engine=\"constrained\", extent=(.1, .2, .6, 1)).plot()\n\ntests/_core/test_plot.py:1109: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nseaborn/_core/plot.py:937: in plot\n return self._plot(pyplot)\nseaborn/_core/plot.py:971: in _plot\n plotter._finalize_figure(self)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \np = \n\n def _finalize_figure(self, p: Plot) -> None:\n \n for sub in self._subplots:\n ax = sub[\"ax\"]\n for axis in \"xy\":\n axis_key = sub[axis]\n axis_obj = getattr(ax, f\"{axis}axis\")\n \n # Axis limits\n if axis_key in p._limits or axis in p._limits:\n convert_units = getattr(ax, f\"{axis}axis\").convert_units\n a, b = p._limits.get(axis_key) or p._limits[axis]\n lo = a if a is None else convert_units(a)\n hi = b if b is None else convert_units(b)\n if isinstance(a, str):\n lo = cast(float, lo) - 0.5\n if isinstance(b, str):\n hi = cast(float, hi) + 0.5\n ax.set(**{f\"{axis}lim\": (lo, hi)})\n \n if axis_key in self._scales: # TODO when would it not be?\n self._scales[axis_key]._finalize(p, axis_obj)\n \n if (engine_name := p._layout_spec.get(\"engine\", default)) is not default:\n # None is a valid arg for Figure.set_layout_engine, hence `default`\n set_layout_engine(self._figure, engine_name)\n elif p._target is None:\n # Don't modify the layout engine if the user supplied their own\n # matplotlib figure and didn't specify an engine through Plot\n # TODO switch default to \"constrained\"?\n # TODO either way, make configurable\n set_layout_engine(self._figure, \"tight\")\n \n if (extent := p._layout_spec.get(\"extent\")) is not None:\n> engine = get_layout_engine(self._figure)\nE NameError: name 'get_layout_engine' is not defined\n\nseaborn/_core/plot.py:1815: NameError\n_____________________ TestPlotting.test_base_layout_extent _____________________\n[gw1] linux -- Python 3.11.7 /opt/hostedtoolcache/Python/3.11.7/x64/bin/python\n\nself = \n\n def test_base_layout_extent(self):\n \n> p = Plot().layout(engine=None, extent=(.1, .2, .6, 1)).plot()\n\ntests/_core/test_plot.py:1114: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \nseaborn/_core/plot.py:937: in plot\n return self._plot(pyplot)\nseaborn/_core/plot.py:971: in _plot\n plotter._finalize_figure(self)\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \np = \n\n def _finalize_figure(self, p: Plot) -> None:\n \n for sub in self._subplots:\n ax = sub[\"ax\"]\n for axis in \"xy\":\n axis_key = sub[axis]\n axis_obj = getattr(ax, f\"{axis}axis\")\n \n # Axis limits\n if axis_key in p._limits or axis in p._limits:\n convert_units = getattr(ax, f\"{axis}axis\").convert_units\n a, b = p._limits.get(axis_key) or p._limits[axis]\n lo = a if a is None else convert_units(a)\n hi = b if b is None else convert_units(b)\n if isinstance(a, str):\n lo = cast(float, lo) - 0.5\n if isinstance(b, str):\n hi = cast(float, hi) + 0.5\n ax.set(**{f\"{axis}lim\": (lo, hi)})\n \n if axis_key in self._scales: # TODO when would it not be?\n self._scales[axis_key]._finalize(p, axis_obj)\n \n if (engine_name := p._layout_spec.get(\"engine\", default)) is not default:\n # None is a valid arg for Figure.set_layout_engine, hence `default`\n set_layout_engine(self._figure, engine_name)\n elif p._target is None:\n # Don't modify the layout engine if the user supplied their own\n # matplotlib figure and didn't specify an engine through Plot\n # TODO switch default to \"constrained\"?\n # TODO either way, make configurable\n set_layout_engine(self._figure, \"tight\")\n \n if (extent := p._layout_spec.get(\"extent\")) is not None:\n> engine = get_layout_engine(self._figure)\nE NameError: name 'get_layout_engine' is not defined\n\nseaborn/_core/plot.py:1815: NameError\n\n---------- coverage: platform linux, python 3.11.7-final-0 -----------\nName Stmts Miss Cover\n------------------------------------------------------\nseaborn/__init__.py 16 0 100%\nseaborn/_base.py 766 23 97%\nseaborn/_compat.py 77 47 39%\nseaborn/_core/__init__.py 0 0 100%\nseaborn/_core/data.py 116 5 96%\nseaborn/_core/exceptions.py 10 1 90%\nseaborn/_core/groupby.py 54 0 100%\nseaborn/_core/moves.py 109 0 100%\nseaborn/_core/plot.py 828 13 98%\nseaborn/_core/properties.py 425 4 99%\nseaborn/_core/rules.py 63 1 98%\nseaborn/_core/scales.py 502 49 90%\nseaborn/_core/subplots.py 140 0 100%\nseaborn/_core/typing.py 25 1 96%\nseaborn/_docstrings.py 40 5 88%\nseaborn/_marks/__init__.py 0 0 100%\nseaborn/_marks/area.py 86 3 97%\nseaborn/_marks/bar.py 123 0 100%\nseaborn/_marks/base.py 132 2 98%\nseaborn/_marks/dot.py 92 0 100%\nseaborn/_marks/line.py 116 0 100%\nseaborn/_marks/text.py 33 0 100%\nseaborn/_statistics.py 323 10 97%\nseaborn/_stats/__init__.py 0 0 100%\nseaborn/_stats/aggregation.py 42 1 98%\nseaborn/_stats/base.py 26 1 96%\nseaborn/_stats/counting.py 96 0 100%\nseaborn/_stats/density.py 99 3 97%\nseaborn/_stats/order.py 30 3 90%\nseaborn/_stats/regression.py 23 1 96%\nseaborn/_testing.py 52 4 92%\nseaborn/algorithms.py 60 0 100%\nseaborn/axisgrid.py 1039 32 97%\nseaborn/categorical.py 1204 13 99%\nseaborn/distributions.py 951 36 96%\nseaborn/matrix.py 551 317 42%\nseaborn/miscplot.py 24 0 100%\nseaborn/objects.py 15 0 100%\nseaborn/palettes.py 249 1 99%\nseaborn/rcmod.py 104 0 100%\nseaborn/regression.py 336 46 86%\nseaborn/relational.py 285 1 99%\nseaborn/utils.py 395 23 94%\ntests/__init__.py 0 0 100%\ntests/_core/__init__.py 0 0 100%\ntests/_core/test_data.py 293 2 99%\ntests/_core/test_groupby.py 83 0 100%\ntests/_core/test_moves.py 231 0 100%\ntests/_core/test_plot.py 1550 24 98%\ntests/_core/test_properties.py 365 4 99%\ntests/_core/test_rules.py 72 0 100%\ntests/_core/test_scales.py 547 1 99%\ntests/_core/test_subplots.py 368 0 100%\ntests/_marks/__init__.py 0 0 100%\ntests/_marks/test_area.py 84 0 100%\ntests/_marks/test_bar.py 152 0 100%\ntests/_marks/test_base.py 102 0 100%\ntests/_marks/test_dot.py 136 0 100%\ntests/_marks/test_line.py 298 0 100%\ntests/_marks/test_text.py 98 1 99%\ntests/_stats/__init__.py 0 0 100%\ntests/_stats/test_aggregation.py 84 0 100%\ntests/_stats/test_counting.py 180 0 100%\ntests/_stats/test_density.py 141 8 94%\ntests/_stats/test_order.py 64 1 98%\ntests/_stats/test_regression.py 36 0 100%\ntests/conftest.py 107 0 100%\ntests/test_algorithms.py 110 0 100%\ntests/test_axisgrid.py 1314 6 99%\ntests/test_base.py 1008 3 99%\ntests/test_categorical.py 2161 17 99%\ntests/test_distributions.py 1523 14 99%\ntests/test_docstrings.py 19 0 100%\ntests/test_matrix.py 864 454 47%\ntests/test_miscplot.py 24 0 100%\ntests/test_objects.py 11 0 100%\ntests/test_palettes.py 304 0 100%\ntests/test_rcmod.py 189 21 89%\ntests/test_regression.py 441 46 90%\ntests/test_relational.py 1213 8 99%\ntests/test_statistics.py 489 19 96%\ntests/test_utils.py 382 4 99%\n------------------------------------------------------\nTOTAL 24700 1279 95%\n\n=========================== short test summary info ============================\nFAILED tests/_core/test_plot.py::TestPlotting::test_layout_extent - NameError: name 'get_layout_engine' is not defined\nFAILED tests/_core/test_plot.py::TestPlotting::test_constrained_layout_extent - NameError: name 'get_layout_engine' is not defined\nFAILED tests/_core/test_plot.py::TestPlotting::test_base_layout_extent - NameError: name 'get_layout_engine' is not defined\n====== 3 failed, 2299 passed, 71 skipped, 6 xfailed in 244.97s (0:04:04) =======\nmake: *** [Makefile:4: test] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/seaborn/_core/plot.py b/seaborn/_core/plot.py\nindex af4669c6..39ccd2e0 100644\n--- a/seaborn/_core/plot.py\n+++ b/seaborn/_core/plot.py\n@@ -40,7 +40,7 @@ from seaborn._core.typing import (\n )\n from seaborn._core.exceptions import PlotSpecError\n from seaborn._core.rules import categorical_order\n-from seaborn._compat import set_layout_engine\n+from seaborn._compat import get_layout_engine, set_layout_engine\n from seaborn.rcmod import axes_style, plotting_context\n from seaborn.palettes import color_palette\n \n", "difficulty": 2, "changed_files": ["seaborn/_core/plot.py"], "commit_link": "https://github.com/mwaskom/seaborn/tree/2201be21886bb82201f3c3487f5f1468f6e6ac81"} \ No newline at end of file diff --git a/data/python/2a59b55.json b/data/python/2a59b55.json new file mode 100644 index 0000000000000000000000000000000000000000..3e01d2f2fde9116f6b22f01537d01198cf25d970 --- /dev/null +++ b/data/python/2a59b55.json @@ -0,0 +1 @@ +{"language": "Python", "id": 18, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "remove_count_queries", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "PetrDlouhy", "sha_fail": "2a59b55e6124b33dca7f48c12845c78130b20fd5", "sha_success": "36786764b3ef1c4c3c8d0db451cea9e1b325616c", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 6.8 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 26.4 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 31.5 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 92.4 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 78.2 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 93.4 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCache Size: ~15 MB (15847689 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/83ce4811-68cf-4484-bf4e-4cfbe36bb31a/cache.tzst -P -C /home/runner/work/django-import-export/django-import-export --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mimport_export/admin.py\u001b[m\u001b[36m:\u001b[m749\u001b[36m:\u001b[m89\u001b[36m:\u001b[m \u001b[1m\u001b[31mE501\u001b[m line too long (96 > 88 characters)\n\u001b[1mimport_export/admin.py\u001b[m\u001b[36m:\u001b[m756\u001b[36m:\u001b[m89\u001b[36m:\u001b[m \u001b[1m\u001b[31mE501\u001b[m line too long (98 > 88 characters)\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/import_export/admin.py b/import_export/admin.py\nindex a1b288e9..8bb2db67 100644\n--- a/import_export/admin.py\n+++ b/import_export/admin.py\n@@ -746,14 +746,16 @@ class ExportMixin(BaseExportMixin, ImportExportMixinBase):\n def get_results(self, request):\n \"\"\"\n We override this method because we only call ChangeList.get_queryset()\n- so we don't need anything from this method. The get_results() gets called during\n- ChangeList.__init__() and we do want to avoid unnecessary COUNT queries.\n+ so we don't need anything from this method.\n+ The get_results() gets called during ChangeList.__init__()\n+ and we do want to avoid unnecessary COUNT queries.\n \"\"\"\n pass\n \n cl = ExportChangeList(**changelist_kwargs)\n \n- # get_queryset() is already called during initialization, it is enough to get it's results\n+ # get_queryset() is already called during initialization,\n+ # it is enough to get it's results\n if hasattr(cl, \"queryset\"):\n return cl.queryset\n \n", "difficulty": 0, "changed_files": ["import_export/admin.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/2a59b55e6124b33dca7f48c12845c78130b20fd5"} \ No newline at end of file diff --git a/data/python/2ab9e84.json b/data/python/2ab9e84.json new file mode 100644 index 0000000000000000000000000000000000000000..6d9b24ab05bdb4746777254145b849b099c5c490 --- /dev/null +++ b/data/python/2ab9e84.json @@ -0,0 +1 @@ +{"language": "Python", "id": 6, "repo_owner": "qtile", "repo_name": "qtile", "head_branch": "lists-match", "workflow_name": "Run pre-commit", "workflow_filename": "pre_commit.yml", "workflow_path": ".github/workflows/pre_commit.yml", "contributor": "jwijenbergh", "sha_fail": "2ab9e843db39063cc9bc33b924cef535eb289894", "sha_success": "26c042804d308f4c1c5b5061ee10da1515129489", "workflow": "name: Run pre-commit\n\non:\n push:\n pull_request:\n\njobs:\n check:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: actions/setup-python@v4\n - name: Install dependencies\n run: |\n sudo apt update\n sudo apt install --no-install-recommends libxkbcommon-dev\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "check/5_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nDefaulting to user installation because normal site-packages is not writeable\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 KB 6.3 MB/s eta 0:00:00\nCollecting nodeenv>=0.11.1\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nRequirement already satisfied: pyyaml>=5.1 in /usr/lib/python3/dist-packages (from pre-commit) (5.4.1)\nCollecting cfgv>=2.0.0\n Downloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nCollecting virtualenv>=20.10.0\n Downloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 24.4 MB/s eta 0:00:00\nCollecting identify>=1.0.0\n Downloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 KB 37.4 MB/s eta 0:00:00\nRequirement already satisfied: setuptools in /usr/lib/python3/dist-packages (from nodeenv>=0.11.1->pre-commit) (59.6.0)\nCollecting filelock<4,>=3.12.2\n Downloading filelock-3.13.1-py3-none-any.whl (11 kB)\nRequirement already satisfied: platformdirs<5,>=3.9.1 in /usr/local/lib/python3.10/dist-packages (from virtualenv>=20.10.0->pre-commit) (4.1.0)\nCollecting distlib<1,>=0.3.7\n Downloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 KB 43.2 MB/s eta 0:00:00\nInstalling collected packages: distlib, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 pre-commit-3.6.0 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nargcomplete==3.2.1\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\npackaging==23.2\npipx==1.3.3\nplatformdirs==4.1.0\npre-commit==3.6.0\ntomli==2.0.1\nuserpath==1.9.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\n##[endgroup]\nCache Size: ~36 MB (37431926 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/8e85cf73-4d99-4c40-a6e8-25c81b58e73c/cache.tzst -P -C /home/runner/work/qtile/qtile --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[42mPassed\u001b[m\nmypy.....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: mypy\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\nlibqtile/config.py:886: error: Statement is unreachable [unreachable]\nlibqtile/config.py:890: error: Statement is unreachable [unreachable]\nlibqtile/config.py:894: error: Statement is unreachable [unreachable]\nlibqtile/config.py:911: error: Statement is unreachable [unreachable]\nlibqtile/config.py:915: error: Statement is unreachable [unreachable]\nFound 5 errors in 1 file (checked 179 source files)\n\nvulture..................................................................\u001b[42mPassed\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/libqtile/config.py b/libqtile/config.py\nindex 9801b3ba..6a6163e2 100644\n--- a/libqtile/config.py\n+++ b/libqtile/config.py\n@@ -883,15 +883,15 @@ class Match:\n \n if title is not None:\n if isinstance(title, list): # type: ignore\n- title = convert_deprecated_list(title, \"title\")\n+ title = convert_deprecated_list(title, \"title\") # type: ignore\n self._rules[\"title\"] = title\n if wm_class is not None:\n if isinstance(wm_class, list): # type: ignore\n- wm_class = convert_deprecated_list(wm_class, \"wm_class\")\n+ wm_class = convert_deprecated_list(wm_class, \"wm_class\") # type: ignore\n self._rules[\"wm_class\"] = wm_class\n if wm_instance_class is not None:\n if isinstance(wm_instance_class, list): # type: ignore\n- wm_instance_class = convert_deprecated_list(\n+ wm_instance_class = convert_deprecated_list( # type: ignore\n wm_instance_class, \"wm_instance_class\"\n )\n self._rules[\"wm_instance_class\"] = wm_instance_class\n@@ -908,11 +908,11 @@ class Match:\n \n if role is not None:\n if isinstance(role, list): # type: ignore\n- role = convert_deprecated_list(role, \"role\")\n+ role = convert_deprecated_list(role, \"role\") # type: ignore\n self._rules[\"role\"] = role\n if wm_type is not None:\n if isinstance(wm_type, list): # type: ignore\n- wm_type = convert_deprecated_list(wm_type, \"wm_type\")\n+ wm_type = convert_deprecated_list(wm_type, \"wm_type\") # type: ignore\n self._rules[\"wm_type\"] = wm_type\n \n @staticmethod\n", "difficulty": 1, "changed_files": ["libqtile/config.py"], "commit_link": "https://github.com/qtile/qtile/tree/2ab9e843db39063cc9bc33b924cef535eb289894"} \ No newline at end of file diff --git a/data/python/2c06ffa.json b/data/python/2c06ffa.json new file mode 100644 index 0000000000000000000000000000000000000000..7567ab241238ff63e3de0d4572a7d4daff47b503 --- /dev/null +++ b/data/python/2c06ffa.json @@ -0,0 +1 @@ +{"language": "Python", "id": 5, "repo_owner": "huggingface", "repo_name": "diffusers", "head_branch": "ipadapterfaceid", "workflow_name": "Run code quality checks", "workflow_filename": "pr_quality.yml", "workflow_path": ".github/workflows/pr_quality.yml", "contributor": "fabiorigano", "sha_fail": "2c06ffa4c9d2c37846c60ad75899b4d72f214ff9", "sha_success": "217d9d073981605acab5200fc841f20c798c1449", "workflow": "name: Run code quality checks\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: ${{ github.workflow }}-${{ github.head_ref || github.run_id }}\n cancel-in-progress: true\n\njobs:\n check_code_quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n ruff check examples tests src utils scripts\n ruff format examples tests src utils scripts --check\n\n check_repository_consistency:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n python utils/check_copies.py\n python utils/check_dummies.py\n make deps_table_check_updated\n", "logs": [{"step_name": "check_code_quality/5_Check quality.txt", "log": "##[group]Run ruff check examples tests src utils scripts\n\u001b[36;1mruff check examples tests src utils scripts\u001b[0m\n\u001b[36;1mruff format examples tests src utils scripts --check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/actions-runner/_work/_tool/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/actions-runner/_work/_tool/Python/3.8.18/x64/lib\n##[endgroup]\nexamples/community/ip_adapter_face_id.py:15:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/examples/community/README.md b/examples/community/README.md\nindex f205f3b70..2fdbdb414 100755\n--- a/examples/community/README.md\n+++ b/examples/community/README.md\n@@ -3307,7 +3307,7 @@ pipeline = DiffusionPipeline.from_pretrained(\n torch_dtype=torch.float16,\n scheduler=noise_scheduler,\n vae=vae,\n- custom_pipeline=\"./forked/diffusers/examples/community/ip_adapter_face_id.py\"\n+ custom_pipeline=\"ip_adapter_face_id\"\n )\n pipeline.load_ip_adapter_face_id(\"h94/IP-Adapter-FaceID\", \"ip-adapter-faceid_sd15.bin\")\n pipeline.to(\"cuda\")\ndiff --git a/examples/community/ip_adapter_face_id.py b/examples/community/ip_adapter_face_id.py\nindex e3c5a2c84..d9325742c 100644\n--- a/examples/community/ip_adapter_face_id.py\n+++ b/examples/community/ip_adapter_face_id.py\n@@ -14,12 +14,12 @@\n \n import inspect\n from typing import Any, Callable, Dict, List, Optional, Union\n-from safetensors import safe_open\n \n import torch\n import torch.nn as nn\n import torch.nn.functional as F\n from packaging import version\n+from safetensors import safe_open\n from transformers import CLIPImageProcessor, CLIPTextModel, CLIPTokenizer, CLIPVisionModelWithProjection\n \n from diffusers.configuration_utils import FrozenDict\n@@ -27,20 +27,20 @@ from diffusers.image_processor import VaeImageProcessor\n from diffusers.loaders import FromSingleFileMixin, IPAdapterMixin, LoraLoaderMixin, TextualInversionLoaderMixin\n from diffusers.models import AutoencoderKL, UNet2DConditionModel\n from diffusers.models.attention_processor import FusedAttnProcessor2_0\n-from diffusers.models.lora import adjust_lora_scale_text_encoder, LoRALinearLayer\n+from diffusers.models.lora import LoRALinearLayer, adjust_lora_scale_text_encoder\n+from diffusers.pipelines.pipeline_utils import DiffusionPipeline\n+from diffusers.pipelines.stable_diffusion.pipeline_output import StableDiffusionPipelineOutput\n+from diffusers.pipelines.stable_diffusion.safety_checker import StableDiffusionSafetyChecker\n from diffusers.schedulers import KarrasDiffusionSchedulers\n from diffusers.utils import (\n- _get_model_file,\n USE_PEFT_BACKEND,\n+ _get_model_file,\n deprecate,\n logging,\n scale_lora_layers,\n unscale_lora_layers,\n )\n from diffusers.utils.torch_utils import randn_tensor\n-from diffusers.pipelines.pipeline_utils import DiffusionPipeline\n-from diffusers.pipelines.stable_diffusion.pipeline_output import StableDiffusionPipelineOutput\n-from diffusers.pipelines.stable_diffusion.safety_checker import StableDiffusionSafetyChecker\n \n \n logger = logging.get_logger(__name__) # pylint: disable=invalid-name\n@@ -555,7 +555,7 @@ class IPAdapterFaceIDStableDiffusionPipeline(\n revision=revision,\n subfolder=subfolder,\n user_agent=user_agent,\n- )\n+ )\n if weight_name.endswith(\".safetensors\"):\n state_dict = {\"image_proj\": {}, \"ip_adapter\": {}}\n with safe_open(model_file, framework=\"pt\", device=\"cpu\") as f:\n@@ -1438,7 +1438,7 @@ class IPAdapterFaceIDStableDiffusionPipeline(\n extra_step_kwargs = self.prepare_extra_step_kwargs(generator, eta)\n \n # 6.1 Add image embeds for IP-Adapter\n- added_cond_kwargs ={\"image_embeds\": image_embeds} if image_embeds is not None else None\n+ added_cond_kwargs = {\"image_embeds\": image_embeds} if image_embeds is not None else None\n \n # 6.2 Optionally get Guidance Scale Embedding\n timestep_cond = None\n", "difficulty": 0, "changed_files": ["examples/community/README.md", "examples/community/ip_adapter_face_id.py"], "commit_link": "https://github.com/huggingface/diffusers/tree/2c06ffa4c9d2c37846c60ad75899b4d72f214ff9"} \ No newline at end of file diff --git a/data/python/2f0605c.json b/data/python/2f0605c.json new file mode 100644 index 0000000000000000000000000000000000000000..d5627868e207d5b25a0ebb8ad5d739dc841ebac7 --- /dev/null +++ b/data/python/2f0605c.json @@ -0,0 +1 @@ +{"language": "Python", "id": 42, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "fix-declared-model-fields-altering-export-order", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "cocorocho", "sha_fail": "2f0605c9ec79b7a675728cb525ad55b36ade2e93", "sha_success": "d1e35b26f1cfc1bd08b03ac606fa8bcd26dc91cb", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.32-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.24.7-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 kB 15.8 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.32-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 32.6 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 49.7 MB/s eta 0:00:00\nDownloading virtualenv-20.24.7-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 124.4 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 84.7 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 99.2 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.13.1 identify-2.5.32 nodeenv-1.8.0 platformdirs-4.0.0 pre-commit-3.5.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.24.7\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.13.1\nidentify==2.5.32\nnodeenv==1.8.0\nplatformdirs==4.0.0\npre-commit==3.5.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.24.7\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCache Size: ~15 MB (15834028 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/98029e33-8cfe-40ab-80a4-dbe66e8ec82f/cache.tzst -P -C /home/runner/work/django-import-export/django-import-export --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mimport_export/resources.py\u001b[m\u001b[36m:\u001b[m1360\u001b[36m:\u001b[m89\u001b[36m:\u001b[m \u001b[1m\u001b[31mE501\u001b[m line too long (101 > 88 characters)\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/import_export/resources.py b/import_export/resources.py\nindex 7d7ad475..99c3fe91 100644\n--- a/import_export/resources.py\n+++ b/import_export/resources.py\n@@ -1357,7 +1357,8 @@ class ModelDeclarativeMetaclass(DeclarativeMetaclass):\n continue\n \n if f.name in declared_fields:\n- # If model field is declared in `ModelResource`, remove it from `declared_fields`\n+ # If model field is declared in `ModelResource`,\n+ # remove it from `declared_fields`\n # to keep exact order of model fields\n field = declared_fields.pop(f.name)\n else:\n", "difficulty": 0, "changed_files": ["import_export/resources.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/2f0605c9ec79b7a675728cb525ad55b36ade2e93"} \ No newline at end of file diff --git a/data/python/3dd8e44.json b/data/python/3dd8e44.json new file mode 100644 index 0000000000000000000000000000000000000000..fc345ff5346724e5af339468fb22651d0fad251d --- /dev/null +++ b/data/python/3dd8e44.json @@ -0,0 +1 @@ +{"language": "Python", "id": 46, "repo_owner": "huggingface", "repo_name": "accelerate", "head_branch": "device-agnostic-testing", "workflow_name": "Quality Check", "workflow_filename": "quality.yml", "workflow_path": ".github/workflows/quality.yml", "contributor": "statelesshz", "sha_fail": "3dd8e4404a0ce2e29db4911dc2cd7e94755be631", "sha_success": "c9a13fe9a890cfb48ee6c7b1c6abd64c8fb432da", "workflow": "name: Quality Check\n\non: [pull_request]\n\njobs:\n quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.1.0\n - name: Set up Python 3.8\n uses: actions/setup-python@v3\n with:\n python-version: 3.8\n - name: Install Python dependencies\n run: pip install -e .[quality]\n - name: Run Quality check\n run: make quality\n - name: Check if failure\n if: ${{ failure() }}\n run: |\n echo \"Quality check failed. Please ensure the right dependency versions are installed with 'pip install -e .[quality]' and rerun 'make style; make quality;'\" >> $GITHUB_STEP_SUMMARY\n\n", "logs": [{"step_name": "quality/5_Run Quality check.txt", "log": "##[group]Run make quality\n\u001b[36;1mmake quality\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nblack --required-version 23 --check tests src examples benchmarks utils\nAll done! \u2728 \ud83c\udf70 \u2728\n118 files would be left unchanged.\nruff tests src examples benchmarks utils\ntests/deepspeed/test_deepspeed.py:15:1: I001 [*] Import block is un-sorted or un-formatted\ntests/fsdp/test_fsdp.py:16:1: I001 [*] Import block is un-sorted or un-formatted\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\nmake: *** [Makefile:16: quality] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/tests/deepspeed/test_deepspeed.py b/tests/deepspeed/test_deepspeed.py\nindex 035965c..612f234 100644\n--- a/tests/deepspeed/test_deepspeed.py\n+++ b/tests/deepspeed/test_deepspeed.py\n@@ -36,9 +36,9 @@ from accelerate.test_utils.testing import (\n AccelerateTestCase,\n TempDirTestCase,\n execute_subprocess_async,\n- require_non_cpu,\n require_deepspeed,\n require_multi_device,\n+ require_non_cpu,\n slow,\n )\n from accelerate.test_utils.training import RegressionDataset\ndiff --git a/tests/fsdp/test_fsdp.py b/tests/fsdp/test_fsdp.py\nindex d939991..c494f5e 100644\n--- a/tests/fsdp/test_fsdp.py\n+++ b/tests/fsdp/test_fsdp.py\n@@ -28,9 +28,9 @@ from accelerate.test_utils.testing import (\n AccelerateTestCase,\n TempDirTestCase,\n execute_subprocess_async,\n- require_non_cpu,\n require_fsdp,\n require_multi_device,\n+ require_non_cpu,\n slow,\n )\n from accelerate.utils.constants import (\n", "difficulty": 0, "changed_files": ["tests/deepspeed/test_deepspeed.py", "tests/fsdp/test_fsdp.py"], "commit_link": "https://github.com/huggingface/accelerate/tree/3dd8e4404a0ce2e29db4911dc2cd7e94755be631"} \ No newline at end of file diff --git a/data/python/3ed7a88.json b/data/python/3ed7a88.json new file mode 100644 index 0000000000000000000000000000000000000000..69ea2c6425236e386596222f5b4f43f48acec211 --- /dev/null +++ b/data/python/3ed7a88.json @@ -0,0 +1 @@ +{"language": "Python", "id": 16, "repo_owner": "octodns", "repo_name": "octodns", "head_branch": "filter-net", "workflow_name": "OctoDNS", "workflow_filename": "main.yml", "workflow_path": ".github/workflows/main.yml", "contributor": "Solvik", "sha_fail": "3ed7a88e343c89b7153efea25db1b6287b2f0823", "sha_success": "abdab8f6d83894e9f37eb3213efa828dfc741cd0", "workflow": "name: OctoDNS\non: [pull_request]\n\njobs:\n config:\n runs-on: ubuntu-latest\n outputs:\n json: ${{ steps.load.outputs.json }}\n steps:\n - uses: actions/checkout@v4\n - id: load\n # based on https://docs.github.com/en/actions/using-workflows/workflow-commands-for-github-actions#multiline-strings\n run: |\n {\n echo 'json<> $GITHUB_OUTPUT\n ci:\n needs: config\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n # Defined in a file that resides in the top level of octodns/octodns,\n # based on dates in https://devguide.python.org/versions/#versions\n python-version: ${{ fromJson(needs.config.outputs.json).python_versions_active }}\n steps:\n - uses: actions/checkout@v4\n - name: Setup python\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n architecture: x64\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install -r requirements.txt\n pip install virtualenv\n - name: CI Build\n run: |\n ./script/cibuild\n - name: Store Code Coverage Data\n # if the previous step(s) failed try anyways\n if: always()\n uses: actions/upload-artifact@v3\n with:\n name: code-coverage-${{ matrix.python-version }}\n path: |\n .coverage\n coverage.xml\n htmlcov\n setup-py:\n needs: config\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - name: Setup python\n uses: actions/setup-python@v4\n with:\n # Most recent release from https://devguide.python.org/versions/#versions\n python-version: ${{ fromJson(needs.config.outputs.json).python_version_current }}\n architecture: x64\n - name: CI setup.py\n run: |\n ./script/cibuild-setup-py\n", "logs": [{"step_name": "ci (3.8)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.8/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 11.8 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (736 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.16.1 (from -r requirements-dev.txt (line 2))\n Downloading Pygments-2.16.1-py3-none-any.whl.metadata (2.5 kB)\nCollecting black==23.9.1 (from -r requirements-dev.txt (line 3))\n Downloading black-23.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.1/65.1 kB 2.7 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.7.22 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.7.22-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.0 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (32 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.2/435.2 kB 9.4 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 12))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 13))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 14))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 8.6 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 15))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.2.0 (from -r requirements-dev.txt (line 16))\n Downloading keyring-24.2.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 17))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 18))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 19))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 20))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 21))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 22))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 23))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 24))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==3.11.0 (from -r requirements-dev.txt (line 25))\n Using cached platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 26))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 27))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 28))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 29))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 30.0 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 30))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 34.5 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 31))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 32))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 33))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.11.1 (from -r requirements-dev.txt (line 34))\n Downloading pytest_mock-3.11.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 35))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.2 (from -r requirements-dev.txt (line 36))\n Downloading pytest-7.4.2-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 37))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 38))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 39))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 11.3 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 40))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 41))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.6.0 (from -r requirements-dev.txt (line 42))\n Downloading rich-13.6.0-py3-none-any.whl.metadata (18 kB)\nCollecting setuptools==68.2.2 (from -r requirements-dev.txt (line 43))\n Using cached setuptools-68.2.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 44))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting urllib3==2.0.6 (from -r requirements-dev.txt (line 45))\n Downloading urllib3-2.0.6-py3-none-any.whl.metadata (6.6 kB)\nCollecting wheel==0.41.2 (from -r requirements-dev.txt (line 46))\n Downloading wheel-0.41.2-py3-none-any.whl.metadata (2.2 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 47))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting tomli>=1.1.0 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting typing-extensions>=4.0.1 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting importlib-resources (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading importlib_resources-6.1.1-py3-none-any.whl.metadata (4.1 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 11.8 MB/s eta 0:00:00\nCollecting exceptiongroup>=1.0.0rc8 (from pytest==7.4.2->-r requirements-dev.txt (line 36))\n Downloading exceptiongroup-1.1.3-py3-none-any.whl.metadata (6.1 kB)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.8/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 40)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading Pygments-2.16.1-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 60.2 MB/s eta 0:00:00\nDownloading black-23.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 64.8 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.7.22-py3-none-any.whl (158 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 158.3/158.3 kB 43.2 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (444 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 444.7/444.7 kB 71.3 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (137 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 137.9/137.9 kB 25.2 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 24.1 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (228 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 228.6/228.6 kB 49.3 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 74.0 MB/s eta 0:00:00\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.2.0-py3-none-any.whl (37 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 21.5 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 14.5 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 66.9 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 13.0 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nUsing cached platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 18.0 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.11.1-py3-none-any.whl (9.6 kB)\nDownloading pytest-7.4.2-py3-none-any.whl (324 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 324.5/324.5 kB 60.3 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 16.1 MB/s eta 0:00:00\nDownloading rich-13.6.0-py3-none-any.whl (239 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 239.8/239.8 kB 46.2 MB/s eta 0:00:00\nUsing cached setuptools-68.2.2-py3-none-any.whl (807 kB)\nDownloading urllib3-2.0.6-py3-none-any.whl (123 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 123.8/123.8 kB 25.2 MB/s eta 0:00:00\nDownloading wheel-0.41.2-py3-none-any.whl (64 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 64.8/64.8 kB 18.6 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading exceptiongroup-1.1.3-py3-none-any.whl (14 kB)\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading importlib_resources-6.1.1-py3-none-any.whl (33 kB)\nDownloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 84.3 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=50e08295a7b3edcc3949af1e9a6fcde707adb5e09e575717c1095da017207362\n Stored in directory: /home/runner/.cache/pip/wheels/e2/aa/0f/c224e473b464387170b83ca7c66947b4a7e33e8d903a679748\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2959 sha256=0fa1b1878ac03ea40a2b3954fa1058e9ae30ea9240de5a4b67362b84293139f9\n Stored in directory: /home/runner/.cache/pip/wheels/d0/cd/95/bbd94d9b57657ea602b3a99e8f975fc12d458c3d534a65a542\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing-extensions, tomli, setuptools, rfc3986, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, pycountry, markdown-it-py, jaraco.classes, importlib-resources, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\n Attempting uninstall: setuptools\n Found existing installation: setuptools 56.0.0\n Uninstalling setuptools-56.0.0:\n Successfully uninstalled setuptools-56.0.0\nSuccessfully installed Pygments-2.16.1 SecretStorage-3.3.3 black-23.9.1 build-1.0.3 certifi-2023.7.22 cffi-1.16.0 charset-normalizer-3.3.0 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.5 docutils-0.20.1 exceptiongroup-1.1.3 importlib-metadata-6.8.0 importlib-resources-6.1.1 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.2.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-3.11.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.2 pytest-cov-4.1.0 pytest-mock-3.11.1 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.6.0 setuptools-68.2.2 tomli-2.0.1 twine-4.0.2 typing-extensions-4.8.0 urllib3-2.0.6 wheel-0.41.2 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.8.18\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.8/site-packages/pip (python 3.8)\n## modules: \nblack==23.9.1\nbuild==1.0.3\ncertifi==2023.7.22\ncffi==1.16.0\ncharset-normalizer==3.3.0\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.5\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.1.3\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\nimportlib-resources==6.1.1\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.2.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==3.11.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.16.1\npyproject_hooks==1.0.0\npytest==7.4.2\npytest-cov==4.1.0\npytest-mock==3.11.1\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.6.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.0.6\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\ntests/test_octodns_processor_filter.py:199:13: local variable 'filter_private' is assigned to but never used\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.9)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.9/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 19.7 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.16.1 (from -r requirements-dev.txt (line 2))\n Downloading Pygments-2.16.1-py3-none-any.whl.metadata (2.5 kB)\nCollecting black==23.9.1 (from -r requirements-dev.txt (line 3))\n Downloading black-23.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.1/65.1 kB 4.3 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.7.22 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.7.22-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.0 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (32 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 10.8 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 12))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 13))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 14))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 11.5 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 15))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.2.0 (from -r requirements-dev.txt (line 16))\n Downloading keyring-24.2.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 17))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 18))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 19))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 20))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 21))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 22))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 23))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 24))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==3.11.0 (from -r requirements-dev.txt (line 25))\n Using cached platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 26))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 27))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 28))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 29))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 38.1 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 30))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 35.2 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 31))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 32))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 33))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.11.1 (from -r requirements-dev.txt (line 34))\n Downloading pytest_mock-3.11.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 35))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.2 (from -r requirements-dev.txt (line 36))\n Downloading pytest-7.4.2-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 37))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 38))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 39))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 17.5 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 40))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 41))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.6.0 (from -r requirements-dev.txt (line 42))\n Downloading rich-13.6.0-py3-none-any.whl.metadata (18 kB)\nCollecting setuptools==68.2.2 (from -r requirements-dev.txt (line 43))\n Using cached setuptools-68.2.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 44))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting urllib3==2.0.6 (from -r requirements-dev.txt (line 45))\n Downloading urllib3-2.0.6-py3-none-any.whl.metadata (6.6 kB)\nCollecting wheel==0.41.2 (from -r requirements-dev.txt (line 46))\n Downloading wheel-0.41.2-py3-none-any.whl.metadata (2.2 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 47))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting tomli>=1.1.0 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting typing-extensions>=4.0.1 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 16.1 MB/s eta 0:00:00\nCollecting exceptiongroup>=1.0.0rc8 (from pytest==7.4.2->-r requirements-dev.txt (line 36))\n Downloading exceptiongroup-1.1.3-py3-none-any.whl.metadata (6.1 kB)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.9/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 40)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading Pygments-2.16.1-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 79.7 MB/s eta 0:00:00\nDownloading black-23.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 81.5 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.7.22-py3-none-any.whl (158 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 158.3/158.3 kB 39.6 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.4/443.4 kB 74.5 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (138 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 139.0/139.0 kB 27.9 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 27.1 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (227 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 227.1/227.1 kB 44.3 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 76.0 MB/s eta 0:00:00\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.2.0-py3-none-any.whl (37 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 25.0 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 13.0 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 85.6 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 14.6 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nUsing cached platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 18.7 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.11.1-py3-none-any.whl (9.6 kB)\nDownloading pytest-7.4.2-py3-none-any.whl (324 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 324.5/324.5 kB 63.6 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 18.6 MB/s eta 0:00:00\nDownloading rich-13.6.0-py3-none-any.whl (239 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 239.8/239.8 kB 36.1 MB/s eta 0:00:00\nUsing cached setuptools-68.2.2-py3-none-any.whl (807 kB)\nDownloading urllib3-2.0.6-py3-none-any.whl (123 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 123.8/123.8 kB 30.3 MB/s eta 0:00:00\nDownloading wheel-0.41.2-py3-none-any.whl (64 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 64.8/64.8 kB 18.7 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading exceptiongroup-1.1.3-py3-none-any.whl (14 kB)\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 105.2 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=67969fc94bc21f66c451a4f9aca63f622127f5d9251f50eab636ccc0b9de647d\n Stored in directory: /home/runner/.cache/pip/wheels/47/15/92/e6dc85fcb0686c82e1edbcfdf80cfe4808c058813fed0baa8f\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2959 sha256=53b635012eaef307a62a331d62218923059a89f3603d065bcc9305e972e30505\n Stored in directory: /home/runner/.cache/pip/wheels/8c/ef/32/14205df1989a5ce6ef61eff98537d4236a3c6f50c2b1a6d89a\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing-extensions, tomli, setuptools, rfc3986, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, pycountry, markdown-it-py, jaraco.classes, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\n Attempting uninstall: setuptools\n Found existing installation: setuptools 58.1.0\n Uninstalling setuptools-58.1.0:\n Successfully uninstalled setuptools-58.1.0\nSuccessfully installed Pygments-2.16.1 SecretStorage-3.3.3 black-23.9.1 build-1.0.3 certifi-2023.7.22 cffi-1.16.0 charset-normalizer-3.3.0 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.5 docutils-0.20.1 exceptiongroup-1.1.3 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.2.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-3.11.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.2 pytest-cov-4.1.0 pytest-mock-3.11.1 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.6.0 setuptools-68.2.2 tomli-2.0.1 twine-4.0.2 typing-extensions-4.8.0 urllib3-2.0.6 wheel-0.41.2 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.9.18\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.9/site-packages/pip (python 3.9)\n## modules: \nblack==23.9.1\nbuild==1.0.3\ncertifi==2023.7.22\ncffi==1.16.0\ncharset-normalizer==3.3.0\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.5\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.1.3\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.2.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==3.11.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.16.1\npyproject_hooks==1.0.0\npytest==7.4.2\npytest-cov==4.1.0\npytest-mock==3.11.1\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.6.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.0.6\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\ntests/test_octodns_processor_filter.py:199:13: local variable 'filter_private' is assigned to but never used\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.10)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.10/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 40.2 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (705 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.16.1 (from -r requirements-dev.txt (line 2))\n Downloading Pygments-2.16.1-py3-none-any.whl.metadata (2.5 kB)\nCollecting black==23.9.1 (from -r requirements-dev.txt (line 3))\n Downloading black-23.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.1/65.1 kB 3.6 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.7.22 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.7.22-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.0 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (32 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 37.2 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 12))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 13))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 14))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 27.0 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 15))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.2.0 (from -r requirements-dev.txt (line 16))\n Downloading keyring-24.2.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 17))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 18))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 19))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 20))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 21))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 22))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 23))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 24))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==3.11.0 (from -r requirements-dev.txt (line 25))\n Using cached platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 26))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 27))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 28))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 29))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 102.5 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 30))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 32.3 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 31))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 32))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 33))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.11.1 (from -r requirements-dev.txt (line 34))\n Downloading pytest_mock-3.11.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 35))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.2 (from -r requirements-dev.txt (line 36))\n Downloading pytest-7.4.2-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 37))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 38))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 39))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 18.4 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 40))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 41))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.6.0 (from -r requirements-dev.txt (line 42))\n Downloading rich-13.6.0-py3-none-any.whl.metadata (18 kB)\nCollecting setuptools==68.2.2 (from -r requirements-dev.txt (line 43))\n Using cached setuptools-68.2.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 44))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting urllib3==2.0.6 (from -r requirements-dev.txt (line 45))\n Downloading urllib3-2.0.6-py3-none-any.whl.metadata (6.6 kB)\nCollecting wheel==0.41.2 (from -r requirements-dev.txt (line 46))\n Downloading wheel-0.41.2-py3-none-any.whl.metadata (2.2 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 47))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting tomli>=1.1.0 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting typing-extensions>=4.0.1 (from black==23.9.1->-r requirements-dev.txt (line 3))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 16.6 MB/s eta 0:00:00\nCollecting exceptiongroup>=1.0.0rc8 (from pytest==7.4.2->-r requirements-dev.txt (line 36))\n Downloading exceptiongroup-1.1.3-py3-none-any.whl.metadata (6.1 kB)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.10/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 40)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading Pygments-2.16.1-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 102.9 MB/s eta 0:00:00\nDownloading black-23.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 109.5 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.7.22-py3-none-any.whl (158 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 158.3/158.3 kB 43.2 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.9/443.9 kB 78.5 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (138 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 138.7/138.7 kB 41.5 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 33.1 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (227 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 227.5/227.5 kB 51.4 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 85.4 MB/s eta 0:00:00\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.2.0-py3-none-any.whl (37 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 28.1 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 17.0 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 107.2 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 17.1 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nUsing cached platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 18.2 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.11.1-py3-none-any.whl (9.6 kB)\nDownloading pytest-7.4.2-py3-none-any.whl (324 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 324.5/324.5 kB 70.1 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 19.6 MB/s eta 0:00:00\nDownloading rich-13.6.0-py3-none-any.whl (239 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 239.8/239.8 kB 55.8 MB/s eta 0:00:00\nUsing cached setuptools-68.2.2-py3-none-any.whl (807 kB)\nDownloading urllib3-2.0.6-py3-none-any.whl (123 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 123.8/123.8 kB 35.7 MB/s eta 0:00:00\nDownloading wheel-0.41.2-py3-none-any.whl (64 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 64.8/64.8 kB 22.1 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading exceptiongroup-1.1.3-py3-none-any.whl (14 kB)\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 109.2 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=67969fc94bc21f66c451a4f9aca63f622127f5d9251f50eab636ccc0b9de647d\n Stored in directory: /home/runner/.cache/pip/wheels/03/57/cc/290c5252ec97a6d78d36479a3c5e5ecc76318afcb241ad9dbe\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2959 sha256=53b635012eaef307a62a331d62218923059a89f3603d065bcc9305e972e30505\n Stored in directory: /home/runner/.cache/pip/wheels/d4/4d/d7/84f36e5490a746c74c91552708a74a4922d23092dd24d4e750\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing-extensions, tomli, setuptools, rfc3986, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, pycountry, markdown-it-py, jaraco.classes, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\n Attempting uninstall: setuptools\n Found existing installation: setuptools 65.5.0\n Uninstalling setuptools-65.5.0:\n Successfully uninstalled setuptools-65.5.0\nSuccessfully installed Pygments-2.16.1 SecretStorage-3.3.3 black-23.9.1 build-1.0.3 certifi-2023.7.22 cffi-1.16.0 charset-normalizer-3.3.0 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.5 docutils-0.20.1 exceptiongroup-1.1.3 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.2.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-3.11.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.2 pytest-cov-4.1.0 pytest-mock-3.11.1 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.6.0 setuptools-68.2.2 tomli-2.0.1 twine-4.0.2 typing-extensions-4.8.0 urllib3-2.0.6 wheel-0.41.2 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.10.13\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.10/site-packages/pip (python 3.10)\n## modules: \nblack==23.9.1\nbuild==1.0.3\ncertifi==2023.7.22\ncffi==1.16.0\ncharset-normalizer==3.3.0\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.5\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.1.3\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.2.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==3.11.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.16.1\npyproject_hooks==1.0.0\npytest==7.4.2\npytest-cov==4.1.0\npytest-mock==3.11.1\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.6.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.0.6\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\ntests/test_octodns_processor_filter.py:199:13: local variable 'filter_private' is assigned to but never used\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.11)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.11/site-packages (23.2.1)\nCollecting pip>=10.0.1\n Obtaining dependency information for pip>=10.0.1 from https://files.pythonhosted.org/packages/47/6a/453160888fab7c6a432a6e25f8afe6256d0d9f2cbd25971021da6491d899/pip-23.3.1-py3-none-any.whl.metadata\n Downloading pip-23.3.1-py3-none-any.whl.metadata (3.5 kB)\nDownloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 13.1 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.2.1\n Uninstalling pip-23.2.1:\n Successfully uninstalled pip-23.2.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (757 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.16.1 (from -r requirements-dev.txt (line 2))\n Downloading Pygments-2.16.1-py3-none-any.whl.metadata (2.5 kB)\nCollecting black==23.9.1 (from -r requirements-dev.txt (line 3))\n Downloading black-23.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.1/65.1 kB 2.0 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.7.22 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.7.22-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.0 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (32 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 7.7 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 12))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 13))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 14))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 6.9 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 15))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.2.0 (from -r requirements-dev.txt (line 16))\n Downloading keyring-24.2.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 17))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 18))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 19))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 20))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 21))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 22))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 23))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 24))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==3.11.0 (from -r requirements-dev.txt (line 25))\n Using cached platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 26))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 27))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 28))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 29))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 25.1 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 30))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 21.7 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 31))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 32))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 33))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.11.1 (from -r requirements-dev.txt (line 34))\n Downloading pytest_mock-3.11.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 35))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.2 (from -r requirements-dev.txt (line 36))\n Downloading pytest-7.4.2-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 37))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 38))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 39))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 8.9 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 40))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 41))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.6.0 (from -r requirements-dev.txt (line 42))\n Downloading rich-13.6.0-py3-none-any.whl.metadata (18 kB)\nCollecting setuptools==68.2.2 (from -r requirements-dev.txt (line 43))\n Using cached setuptools-68.2.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 44))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting urllib3==2.0.6 (from -r requirements-dev.txt (line 45))\n Downloading urllib3-2.0.6-py3-none-any.whl.metadata (6.6 kB)\nCollecting wheel==0.41.2 (from -r requirements-dev.txt (line 46))\n Downloading wheel-0.41.2-py3-none-any.whl.metadata (2.2 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 47))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 9.0 MB/s eta 0:00:00\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.11/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 40)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading Pygments-2.16.1-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 46.5 MB/s eta 0:00:00\nDownloading black-23.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 39.7 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.7.22-py3-none-any.whl (158 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 158.3/158.3 kB 27.3 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (464 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 464.8/464.8 kB 49.5 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (137 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 137.1/137.1 kB 22.6 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 18.5 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (231 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 231.4/231.4 kB 36.5 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 58.1 MB/s eta 0:00:00\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.2.0-py3-none-any.whl (37 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 18.0 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 9.9 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 57.8 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 9.1 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nUsing cached platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 13.0 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.11.1-py3-none-any.whl (9.6 kB)\nDownloading pytest-7.4.2-py3-none-any.whl (324 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 324.5/324.5 kB 45.7 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 12.1 MB/s eta 0:00:00\nDownloading rich-13.6.0-py3-none-any.whl (239 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 239.8/239.8 kB 36.2 MB/s eta 0:00:00\nUsing cached setuptools-68.2.2-py3-none-any.whl (807 kB)\nDownloading urllib3-2.0.6-py3-none-any.whl (123 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 123.8/123.8 kB 22.3 MB/s eta 0:00:00\nDownloading wheel-0.41.2-py3-none-any.whl (64 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 64.8/64.8 kB 12.7 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 58.7 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=5a175d6e91d868a15a3558d72c3b0fa0435af91b40f7d5bb2756ee4b5d6582ea\n Stored in directory: /home/runner/.cache/pip/wheels/cd/29/8b/617685ed7942656b36efb06ff9247dbe832e3f4f7724fffc09\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2959 sha256=fed6a8d1c4975562b48cfd776b8d3372299fb8284e39f18f27e339aeb956a84d\n Stored in directory: /home/runner/.cache/pip/wheels/da/cb/c3/504bc4a9f8dadada066a674b01af36cd6144a159cab93c8c85\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, setuptools, rfc3986, pyproject_hooks, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pycountry, markdown-it-py, jaraco.classes, importlib-metadata, cffi, build, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, SecretStorage, pycountry-convert, keyring, twine\n Attempting uninstall: setuptools\n Found existing installation: setuptools 65.5.0\n Uninstalling setuptools-65.5.0:\n Successfully uninstalled setuptools-65.5.0\nSuccessfully installed Pygments-2.16.1 SecretStorage-3.3.3 black-23.9.1 build-1.0.3 certifi-2023.7.22 cffi-1.16.0 charset-normalizer-3.3.0 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.5 docutils-0.20.1 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.2.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-3.11.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.2 pytest-cov-4.1.0 pytest-mock-3.11.1 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.6.0 setuptools-68.2.2 twine-4.0.2 urllib3-2.0.6 wheel-0.41.2 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.11.6\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.11/site-packages/pip (python 3.11)\n## modules: \nblack==23.9.1\nbuild==1.0.3\ncertifi==2023.7.22\ncffi==1.16.0\ncharset-normalizer==3.3.0\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.5\ndnspython==2.4.2\ndocutils==0.20.1\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.2.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==3.11.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.16.1\npyproject_hooks==1.0.0\npytest==7.4.2\npytest-cov==4.1.0\npytest-mock==3.11.1\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.6.0\nSecretStorage==3.3.3\nsix==1.16.0\ntwine==4.0.2\nurllib3==2.0.6\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\ntests/test_octodns_processor_filter.py:199:13: local variable 'filter_private' is assigned to but never used\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.12)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.12/site-packages (23.2.1)\nCollecting pip>=10.0.1\n Obtaining dependency information for pip>=10.0.1 from https://files.pythonhosted.org/packages/47/6a/453160888fab7c6a432a6e25f8afe6256d0d9f2cbd25971021da6491d899/pip-23.3.1-py3-none-any.whl.metadata\n Downloading pip-23.3.1-py3-none-any.whl.metadata (3.5 kB)\nDownloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 44.1 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.2.1\n Uninstalling pip-23.2.1:\n Successfully uninstalled pip-23.2.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.16.1 (from -r requirements-dev.txt (line 2))\n Downloading Pygments-2.16.1-py3-none-any.whl.metadata (2.5 kB)\nCollecting black==23.9.1 (from -r requirements-dev.txt (line 3))\n Downloading black-23.9.1-py3-none-any.whl.metadata (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.1/65.1 kB 3.5 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.7.22 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.7.22-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.0 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (32 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27.tar.gz (141 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 141.2/141.2 kB 34.5 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Installing backend dependencies: started\n Installing backend dependencies: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 12))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 13))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 14))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 29.0 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 15))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.2.0 (from -r requirements-dev.txt (line 16))\n Downloading keyring-24.2.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 17))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 18))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 19))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 20))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 21))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 22))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 23))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 24))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==3.11.0 (from -r requirements-dev.txt (line 25))\n Using cached platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 26))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 27))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 28))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 29))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 132.2 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 30))\n Using cached pycparser-2.21-py2.py3-none-any.whl (118 kB)\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 31))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 32))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 33))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.11.1 (from -r requirements-dev.txt (line 34))\n Downloading pytest_mock-3.11.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 35))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.2 (from -r requirements-dev.txt (line 36))\n Downloading pytest-7.4.2-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 37))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 38))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 39))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 19.4 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 40))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 41))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.6.0 (from -r requirements-dev.txt (line 42))\n Downloading rich-13.6.0-py3-none-any.whl.metadata (18 kB)\nCollecting setuptools==68.2.2 (from -r requirements-dev.txt (line 43))\n Using cached setuptools-68.2.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 44))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting urllib3==2.0.6 (from -r requirements-dev.txt (line 45))\n Downloading urllib3-2.0.6-py3-none-any.whl.metadata (6.6 kB)\nCollecting wheel==0.41.2 (from -r requirements-dev.txt (line 46))\n Downloading wheel-0.41.2-py3-none-any.whl.metadata (2.2 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 47))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 17.5 MB/s eta 0:00:00\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.12/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 40)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.2.0->-r requirements-dev.txt (line 16))\n Downloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading Pygments-2.16.1-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 104.6 MB/s eta 0:00:00\nDownloading black-23.9.1-py3-none-any.whl (182 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 182.6/182.6 kB 51.8 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.7.22-py3-none-any.whl (158 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 158.3/158.3 kB 47.8 MB/s eta 0:00:00\nUsing cached cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (477 kB)\nDownloading charset_normalizer-3.3.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (138 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 138.7/138.7 kB 40.8 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 30.7 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (232 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 232.3/232.3 kB 59.6 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 85.8 MB/s eta 0:00:00\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.2.0-py3-none-any.whl (37 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 30.4 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 14.2 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 104.1 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.5 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nUsing cached platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 22.6 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.11.1-py3-none-any.whl (9.6 kB)\nDownloading pytest-7.4.2-py3-none-any.whl (324 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 324.5/324.5 kB 71.5 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 22.0 MB/s eta 0:00:00\nDownloading rich-13.6.0-py3-none-any.whl (239 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 239.8/239.8 kB 62.0 MB/s eta 0:00:00\nUsing cached setuptools-68.2.2-py3-none-any.whl (807 kB)\nDownloading urllib3-2.0.6-py3-none-any.whl (123 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 123.8/123.8 kB 37.1 MB/s eta 0:00:00\nDownloading wheel-0.41.2-py3-none-any.whl (64 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 64.8/64.8 kB 23.7 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading cryptography-41.0.5-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 119.3 MB/s eta 0:00:00\nBuilding wheels for collected packages: cmarkgfm, pycountry, pytest-network\n Building wheel for cmarkgfm (pyproject.toml): started\n Building wheel for cmarkgfm (pyproject.toml): finished with status 'done'\n Created wheel for cmarkgfm: filename=cmarkgfm-2022.10.27-cp312-cp312-linux_x86_64.whl size=438510 sha256=440245c828301f55b2b78d4db633391b3b017f850a82444bd62781c17d3b2b4e\n Stored in directory: /home/runner/.cache/pip/wheels/6c/1d/0d/bc5293f7edd716c8f7a9b25a5f502bd38e1c55571911c11061\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=baa4c10f33363afe9dbb8805396477ce477b6bba3dfd9ea76dc124e0456fa8ce\n Stored in directory: /home/runner/.cache/pip/wheels/d6/29/9b/b87113e87dc952ca6b3cf003fca8372f7bd12295acf65992eb\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2959 sha256=76de79b52539a868a5f6ac38beefbbb6220e96694dc168f82d9c7fed67009d10\n Stored in directory: /home/runner/.cache/pip/wheels/e9/6b/5a/3160ef803b88264fbb8882984c076ae87b75c5297a401103e4\nSuccessfully built cmarkgfm pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, setuptools, rfc3986, pyproject_hooks, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pycountry, markdown-it-py, jaraco.classes, importlib-metadata, cffi, build, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.16.1 SecretStorage-3.3.3 black-23.9.1 build-1.0.3 certifi-2023.7.22 cffi-1.16.0 charset-normalizer-3.3.0 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.5 docutils-0.20.1 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.2.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-3.11.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.2 pytest-cov-4.1.0 pytest-mock-3.11.1 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.6.0 setuptools-68.2.2 twine-4.0.2 urllib3-2.0.6 wheel-0.41.2 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.12.0\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.12/site-packages/pip (python 3.12)\n## modules: \nblack==23.9.1\nbuild==1.0.3\ncertifi==2023.7.22\ncffi==1.16.0\ncharset-normalizer==3.3.0\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.5\ndnspython==2.4.2\ndocutils==0.20.1\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.2.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==3.11.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.16.1\npyproject_hooks==1.0.0\npytest==7.4.2\npytest-cov==4.1.0\npytest-mock==3.11.1\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.6.0\nSecretStorage==3.3.3\nsetuptools==68.2.2\nsix==1.16.0\ntwine==4.0.2\nurllib3==2.0.6\nwheel==0.41.2\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\ntests/test_octodns_processor_filter.py:199:13: local variable 'filter_private' is assigned to but never used\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/test_octodns_processor_filter.py b/tests/test_octodns_processor_filter.py\nindex 6525900..7ee98a8 100644\n--- a/tests/test_octodns_processor_filter.py\n+++ b/tests/test_octodns_processor_filter.py\n@@ -196,7 +196,7 @@ class TestNetworkValueFilter(TestCase):\n \n def test_bad_config(self):\n with self.assertRaises(ValueError):\n- filter_private = NetworkValueRejectlistFilter(\n+ NetworkValueRejectlistFilter(\n 'rejectlist', set(('string', '42.42.42.42/43'))\n )\n \n", "difficulty": 1, "changed_files": ["tests/test_octodns_processor_filter.py"], "commit_link": "https://github.com/octodns/octodns/tree/3ed7a88e343c89b7153efea25db1b6287b2f0823"} \ No newline at end of file diff --git a/data/python/43dd59c.json b/data/python/43dd59c.json new file mode 100644 index 0000000000000000000000000000000000000000..2d3750f780f3f8bbefe277435aecee21e722ad53 --- /dev/null +++ b/data/python/43dd59c.json @@ -0,0 +1 @@ +{"language": "Python", "id": 21, "repo_owner": "yt-dlp", "repo_name": "yt-dlp", "head_branch": "master", "workflow_name": "Quick Test", "workflow_filename": "quick-test.yml", "workflow_path": ".github/workflows/quick-test.yml", "contributor": "Kenshin9977", "sha_fail": "43dd59c3137df77f5dd22cef4cb7bedfe9f6b12e", "sha_success": "0bedc0ee590f45a6229a4b78f83297f8c07392bb", "workflow": "name: Quick Test\non: [push, pull_request]\npermissions:\n contents: read\n\njobs:\n tests:\n name: Core Test\n if: \"!contains(github.event.head_commit.message, 'ci skip all')\"\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python 3.11\n uses: actions/setup-python@v4\n with:\n python-version: '3.11'\n - name: Install test requirements\n run: pip install pytest pycryptodomex\n - name: Run tests\n run: |\n python3 -m yt_dlp -v || true\n ./devscripts/run_tests.sh core\n flake8:\n name: Linter\n if: \"!contains(github.event.head_commit.message, 'ci skip all')\"\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n - name: Install flake8\n run: pip install flake8\n - name: Make lazy extractors\n run: python devscripts/make_lazy_extractors.py\n - name: Run flake8\n run: flake8 .\n", "logs": [{"step_name": "Core Test/5_Run tests.txt", "log": "##[group]Run python3 -m yt_dlp -v || true\n\u001b[36;1mpython3 -m yt_dlp -v || true\u001b[0m\n\u001b[36;1m./devscripts/run_tests.sh core\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\n[debug] Command-line config: ['-v']\n[debug] Encodings: locale UTF-8, fs utf-8, pref UTF-8, out utf-8 (No ANSI), error utf-8 (No ANSI), screen utf-8 (No ANSI)\n[debug] yt-dlp version stable@2023.10.13 [b634ba742] (source)\n[debug] Lazy loading extractors is disabled\n[debug] Git HEAD: f8abf45\n[debug] Python 3.11.6 (CPython x86_64 64bit) - Linux-6.2.0-1015-azure-x86_64-with-glibc2.35 (OpenSSL 3.0.2 15 Mar 2022, glibc 2.35)\n[debug] exe versions: none\n[debug] Optional libraries: Cryptodome-3.19.0, sqlite3-3.37.2\n[debug] Proxy map: {}\n[debug] Request Handlers: urllib\n[debug] Loaded 1890 extractors\n\nUsage: yt-dlp [OPTIONS] URL [URL...]\n\nyt-dlp: error: You must provide at least one URL.\nType yt-dlp --help to see a list of all options.\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.11.6/x64/bin/python3\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yt-dlp/yt-dlp\nconfigfile: setup.cfg\ncollecting ... collected 6320 items / 5705 deselected / 615 selected\n\ntest/test_InfoExtractor.py::TestInfoExtractor::test_download_json PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_extract_jwplayer_data_realworld PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_html_search_meta PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_html_search_regex PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_ie_key PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_opengraph PASSED [ 0%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_f4m_formats PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_html5_media_entries PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_ism_formats PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_m3u8_formats PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_mpd_formats PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_parse_xspf PASSED [ 1%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_response_with_expected_status_returns_content PASSED [ 2%]\ntest/test_InfoExtractor.py::TestInfoExtractor::test_search_json_ld_realworld PASSED [ 2%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_audio_only_extractor_format_selection PASSED [ 2%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_default_format_spec PASSED [ 2%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_filtering PASSED [ 2%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_not_available PASSED [ 2%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection_audio PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection_audio_exts PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection_issue_10083 PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection_string_ops PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_format_selection_video PASSED [ 3%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_invalid_format_specs PASSED [ 4%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_prefer_free_formats PASSED [ 4%]\ntest/test_YoutubeDL.py::TestFormatSelection::test_youtube_format_selection PASSED [ 4%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_add_extra_info PASSED [ 4%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_add_headers_cookie PASSED [ 4%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_do_not_override_ie_key_in_url_transparent PASSED [ 4%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_format_note PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_header_cookies PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_ignoreerrors_for_playlist_with_url_transparent_iterable_entries PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_infojson_cookies PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_match_filter PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_playlist_items_selection PASSED [ 5%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_postprocessors PASSED [ 6%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_prepare_outtmpl_and_filename PASSED [ 6%]\ntest/test_YoutubeDL.py::TestYoutubeDL::test_subtitles PASSED [ 6%]\ntest/test_YoutubeDLCookieJar.py::TestYoutubeDLCookieJar::test_get_cookie_header PASSED [ 6%]\ntest/test_YoutubeDLCookieJar.py::TestYoutubeDLCookieJar::test_get_cookies_for_url PASSED [ 6%]\ntest/test_YoutubeDLCookieJar.py::TestYoutubeDLCookieJar::test_keep_session_cookies PASSED [ 6%]\ntest/test_YoutubeDLCookieJar.py::TestYoutubeDLCookieJar::test_malformed_cookies PASSED [ 6%]\ntest/test_YoutubeDLCookieJar.py::TestYoutubeDLCookieJar::test_strip_httponly_prefix PASSED [ 7%]\ntest/test_aes.py::TestAES::test_cbc_decrypt PASSED [ 7%]\ntest/test_aes.py::TestAES::test_cbc_encrypt PASSED [ 7%]\ntest/test_aes.py::TestAES::test_ctr_decrypt PASSED [ 7%]\ntest/test_aes.py::TestAES::test_ctr_encrypt PASSED [ 7%]\ntest/test_aes.py::TestAES::test_decrypt_text PASSED [ 7%]\ntest/test_aes.py::TestAES::test_ecb_decrypt PASSED [ 8%]\ntest/test_aes.py::TestAES::test_ecb_encrypt PASSED [ 8%]\ntest/test_aes.py::TestAES::test_encrypt PASSED [ 8%]\ntest/test_aes.py::TestAES::test_gcm_decrypt PASSED [ 8%]\ntest/test_aes.py::TestAES::test_key_expansion PASSED [ 8%]\ntest/test_aes.py::TestAES::test_pad_block PASSED [ 8%]\ntest/test_all_urls.py::TestAllURLsMatching::test_facebook_matching PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_keywords PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_no_duplicated_ie_names PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_no_duplicates PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_pbs PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_soundcloud_not_matching_sets PASSED [ 9%]\ntest/test_all_urls.py::TestAllURLsMatching::test_tumblr PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_vimeo_matching PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_channel_matching PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_feeds PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_matching PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_playlist_matching PASSED [ 10%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_search_matching PASSED [ 11%]\ntest/test_all_urls.py::TestAllURLsMatching::test_youtube_user_matching PASSED [ 11%]\ntest/test_cache.py::TestCache::test_cache PASSED [ 11%]\ntest/test_compat.py::TestCompat::test_compat_etree_fromstring PASSED [ 11%]\ntest/test_compat.py::TestCompat::test_compat_etree_fromstring_doctype PASSED [ 11%]\ntest/test_compat.py::TestCompat::test_compat_expanduser PASSED [ 11%]\ntest/test_compat.py::TestCompat::test_compat_passthrough PASSED [ 12%]\ntest/test_compat.py::TestCompat::test_compat_urllib_parse_unquote PASSED [ 12%]\ntest/test_compat.py::TestCompat::test_compat_urllib_parse_unquote_plus PASSED [ 12%]\ntest/test_compat.py::TestCompat::test_compat_urllib_parse_urlencode PASSED [ 12%]\ntest/test_compat.py::TestCompat::test_struct_unpack PASSED [ 12%]\ntest/test_config.py::TestConfig::test_config__ENVIRON_DEFAULTS_sanity PASSED [ 12%]\ntest/test_config.py::TestConfig::test_config_all_environ_values PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_default_expected_locations PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_default_grouping PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_early_exit_commandline PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_early_exit_files PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_override_commandline PASSED [ 13%]\ntest/test_config.py::TestConfig::test_config_override_files PASSED [ 13%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_linux_derive_key PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_linux_v10 PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_linux_v11 PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_mac_derive_key PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_mac_v10 PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_chrome_cookie_decryptor_windows_v10 PASSED [ 14%]\ntest/test_cookies.py::TestCookies::test_get_desktop_environment PASSED [ 15%]\ntest/test_cookies.py::TestCookies::test_pbkdf2_sha1 PASSED [ 15%]\ntest/test_cookies.py::TestCookies::test_safari_cookie_parsing PASSED [ 15%]\ntest/test_cookies.py::TestLenientSimpleCookie::test_lenient_parsing PASSED [ 15%]\ntest/test_cookies.py::TestLenientSimpleCookie::test_parsing PASSED [ 15%]\ntest/test_downloader_external.py::TestHttpieFD::test_make_cmd PASSED [ 15%]\ntest/test_downloader_external.py::TestAxelFD::test_make_cmd PASSED [ 16%]\ntest/test_downloader_external.py::TestWgetFD::test_make_cmd PASSED [ 16%]\ntest/test_downloader_external.py::TestCurlFD::test_make_cmd PASSED [ 16%]\ntest/test_downloader_external.py::TestAria2cFD::test_make_cmd PASSED [ 16%]\ntest/test_downloader_external.py::TestFFmpegFD::test_make_cmd SKIPPED [ 16%]\ntest/test_downloader_http.py::TestHttpFD::test_chunked FAILED [ 16%]\ntest/test_downloader_http.py::TestHttpFD::test_regular FAILED [ 17%]\ntest/test_execution.py::TestExecution::test_cmdline_umlauts PASSED [ 17%]\ntest/test_execution.py::TestExecution::test_import PASSED [ 17%]\ntest/test_execution.py::TestExecution::test_lazy_extractors PASSED [ 17%]\ntest/test_execution.py::TestExecution::test_main_exec PASSED [ 17%]\ntest/test_execution.py::TestExecution::test_module_exec PASSED [ 17%]\ntest/test_jsinterp.py::TestJSInterpreter::test_add PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_array_access PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_assignments PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_basic PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_bitwise_operators_overflow PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_bitwise_operators_typecast PASSED [ 18%]\ntest/test_jsinterp.py::TestJSInterpreter::test_builtins PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_calc PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_call PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_catch PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_char_code_at PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_comma PASSED [ 19%]\ntest/test_jsinterp.py::TestJSInterpreter::test_comments SKIPPED (Not...) [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_date PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_div PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_empty_return PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_exp PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_finally PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_for_loop PASSED [ 20%]\ntest/test_jsinterp.py::TestJSInterpreter::test_for_loop_break PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_for_loop_continue PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_for_loop_try PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_if PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_literal_list PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_mod PASSED [ 21%]\ntest/test_jsinterp.py::TestJSInterpreter::test_morespace PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_mul PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_negative PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_nested_try PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_null PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_object PASSED [ 22%]\ntest/test_jsinterp.py::TestJSInterpreter::test_operators PASSED [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_packed SKIPPED (Not i...) [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_parens PASSED [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_precedence PASSED [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_quotes PASSED [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_regex PASSED [ 23%]\ntest/test_jsinterp.py::TestJSInterpreter::test_replace SKIPPED (Not ...) [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_return_function PASSED [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_strange_chars PASSED [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_sub PASSED [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_switch PASSED [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_switch_default PASSED [ 24%]\ntest/test_jsinterp.py::TestJSInterpreter::test_try PASSED [ 25%]\ntest/test_jsinterp.py::TestJSInterpreter::test_undefined PASSED [ 25%]\ntest/test_jsinterp.py::TestJSInterpreter::test_void PASSED [ 25%]\ntest/test_netrc.py::TestNetRc::test_netrc_present PASSED [ 25%]\ntest/test_networking.py::TestHTTPRequestHandler::test_verify_cert[Urllib] PASSED [ 25%]\ntest/test_networking.py::TestHTTPRequestHandler::test_verify_cert[Requests] SKIPPED [ 25%]\ntest/test_networking.py::TestHTTPRequestHandler::test_ssl_error[Urllib] PASSED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_ssl_error[Requests] SKIPPED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_percent_encode[Urllib] PASSED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_percent_encode[Requests] SKIPPED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_remove_dot_segments[Urllib] PASSED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_remove_dot_segments[Requests] SKIPPED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_unicode_path_redirection[Urllib] PASSED [ 26%]\ntest/test_networking.py::TestHTTPRequestHandler::test_unicode_path_redirection[Requests] SKIPPED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_raise_http_error[Urllib] PASSED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_raise_http_error[Requests] SKIPPED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_response_url[Urllib] PASSED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_response_url[Requests] SKIPPED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_redirect[Urllib] PASSED [ 27%]\ntest/test_networking.py::TestHTTPRequestHandler::test_redirect[Requests] SKIPPED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_request_cookie_header[Urllib] PASSED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_request_cookie_header[Requests] SKIPPED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_redirect_loop[Urllib] PASSED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_redirect_loop[Requests] SKIPPED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_incompleteread[Urllib] PASSED [ 28%]\ntest/test_networking.py::TestHTTPRequestHandler::test_incompleteread[Requests] SKIPPED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_cookies[Urllib] PASSED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_cookies[Requests] SKIPPED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_headers[Urllib] PASSED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_headers[Requests] SKIPPED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_timeout[Urllib] PASSED [ 29%]\ntest/test_networking.py::TestHTTPRequestHandler::test_timeout[Requests] SKIPPED [ 30%]\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/socketserver.py\", line 691, in process_request_thread\n self.finish_request(request, client_address)\n File \"/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/socketserver.py\", line 361, in finish_request\n self.RequestHandlerClass(request, client_address, self)\ntest/test_networking.py::TestHTTPRequestHandler::test_source_address[Urllib] PASSED [ 30%]\n File \"/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/socketserver.py\", line 755, in __init__\n self.handle()\n File \"/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/http/server.py\", line 436, in handle\n self.handle_one_request()\n File \"/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/http/server.py\", line 425, in handle_one_request\n self.wfile.flush() #actually send the response if not already done.\n ^^^^^^^^^^^^^^^^^^\nValueError: I/O operation on closed file.\n----------------------------------------\ntest/test_networking.py::TestHTTPRequestHandler::test_source_address[Requests] SKIPPED [ 30%]\ntest/test_networking.py::TestHTTPRequestHandler::test_gzip_trailing_garbage[Urllib] PASSED [ 30%]\ntest/test_networking.py::TestHTTPRequestHandler::test_gzip_trailing_garbage[Requests] SKIPPED [ 30%]\ntest/test_networking.py::TestHTTPRequestHandler::test_brotli[Urllib] SKIPPED [ 30%]\ntest/test_networking.py::TestHTTPRequestHandler::test_brotli[Requests] SKIPPED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_deflate[Urllib] PASSED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_deflate[Requests] SKIPPED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_gzip[Urllib] PASSED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_gzip[Requests] SKIPPED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_multiple_encodings[Urllib] PASSED [ 31%]\ntest/test_networking.py::TestHTTPRequestHandler::test_multiple_encodings[Requests] SKIPPED [ 32%]\ntest/test_networking.py::TestHTTPRequestHandler::test_unsupported_encoding[Urllib] PASSED [ 32%]\ntest/test_networking.py::TestHTTPRequestHandler::test_unsupported_encoding[Requests] SKIPPED [ 32%]\ntest/test_networking.py::TestHTTPRequestHandler::test_read[Urllib] PASSED [ 32%]\ntest/test_networking.py::TestHTTPRequestHandler::test_read[Requests] SKIPPED [ 32%]\ntest/test_networking.py::TestHTTPProxy::test_http_proxy[Urllib] PASSED [ 32%]\ntest/test_networking.py::TestHTTPProxy::test_http_proxy[Requests] SKIPPED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_noproxy[Urllib] PASSED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_noproxy[Requests] SKIPPED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_allproxy[Urllib] PASSED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_allproxy[Requests] SKIPPED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_http_proxy_with_idn[Urllib] PASSED [ 33%]\ntest/test_networking.py::TestHTTPProxy::test_http_proxy_with_idn[Requests] SKIPPED [ 33%]\ntest/test_networking.py::TestClientCertificate::test_certificate_combined_nopass[Urllib] PASSED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_combined_nopass[Requests] SKIPPED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_nocombined_nopass[Urllib] PASSED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_nocombined_nopass[Requests] SKIPPED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_combined_pass[Urllib] PASSED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_combined_pass[Requests] SKIPPED [ 34%]\ntest/test_networking.py::TestClientCertificate::test_certificate_nocombined_pass[Urllib] PASSED [ 35%]\ntest/test_networking.py::TestClientCertificate::test_certificate_nocombined_pass[Requests] SKIPPED [ 35%]\ntest/test_networking.py::TestUrllibRequestHandler::test_file_urls[Urllib] PASSED [ 35%]\ntest/test_networking.py::TestUrllibRequestHandler::test_http_error_returns_content[Urllib] PASSED [ 35%]\ntest/test_networking.py::TestUrllibRequestHandler::test_verify_cert_error_text[Urllib] PASSED [ 35%]\ntest/test_networking.py::TestUrllibRequestHandler::test_httplib_validation_errors[req0-method can't contain control characters--Urllib] PASSED [ 35%]\ntest/test_networking.py::TestUrllibRequestHandler::test_httplib_validation_errors[req1-URL can't contain control characters--Urllib] PASSED [ 36%]\ntest/test_networking.py::TestUrllibRequestHandler::test_httplib_validation_errors[req2-Invalid header name-None-Urllib] PASSED [ 36%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--TransportError0] SKIPPED [ 36%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--TransportError1] SKIPPED [ 36%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--TransportError2] SKIPPED [ 36%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--TransportError3] SKIPPED [ 36%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--ProxyError] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--CertificateVerifyError] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--SSLError] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--RequestError0] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--RequestError1] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--TransportError4] SKIPPED [ 37%]\ntest/test_networking.py::TestRequestsRequestHandler::test_request_error_mapping[Requests--RequestError2] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--SSLError-None] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--TransportError-None0] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--TransportError-None1] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--TransportError-None2] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--TransportError-None3] SKIPPED [ 38%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--TransportError-None4] SKIPPED [ 39%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--IncompleteRead-3 bytes read, 4 more expected] SKIPPED [ 39%]\ntest/test_networking.py::TestRequestsRequestHandler::test_response_error_mapping[Requests--IncompleteRead-3 bytes read, 5 more expected] SKIPPED [ 39%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-http-False-handler_kwargs0] PASSED [ 39%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-https-False-handler_kwargs1] PASSED [ 39%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-data-False-handler_kwargs2] PASSED [ 39%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-ftp-False-handler_kwargs3] PASSED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-file-UnsupportedRequest-handler_kwargs4] PASSED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Urllib-file-False-handler_kwargs5] PASSED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Requests-http-False-handler_kwargs6] SKIPPED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[Requests-https-False-handler_kwargs7] SKIPPED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[NoCheckRH-http-False-handler_kwargs8] PASSED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_url_scheme[ValidationRH-http-UnsupportedRequest-handler_kwargs9] PASSED [ 40%]\ntest/test_networking.py::TestRequestHandlerValidation::test_no_proxy[Urllib-False] PASSED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_no_proxy[Requests-False] SKIPPED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[Urllib-all-False] PASSED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[Urllib-unrelated-False] PASSED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[Requests-all-False] SKIPPED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[Requests-unrelated-False] SKIPPED [ 41%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[NoCheckRH-all-False] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[HTTPSupportedRH-all-UnsupportedRequest] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_key[HTTPSupportedRH-no-UnsupportedRequest] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-http-False] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-https-UnsupportedRequest] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-socks4-False] PASSED [ 42%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-socks4a-False] PASSED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-socks5-False] PASSED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-socks5h-False] PASSED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Urllib-socks-UnsupportedRequest] PASSED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-http-False] SKIPPED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-https-False] SKIPPED [ 43%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-socks4-False] SKIPPED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-socks4a-False] SKIPPED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-socks5-False] SKIPPED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[Requests-socks5h-False] SKIPPED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[NoCheckRH-http-False] PASSED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_proxy_scheme[HTTPSupportedRH-http-UnsupportedRequest] PASSED [ 44%]\ntest/test_networking.py::TestRequestHandlerValidation::test_empty_proxy[Urllib] PASSED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_empty_proxy[HTTPSupportedRH] PASSED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_empty_proxy[Requests] SKIPPED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Urllib-//example.com] PASSED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Urllib-example.com] PASSED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Urllib-127.0.0.1] PASSED [ 45%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Urllib-/a/b/c] PASSED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Requests-//example.com] SKIPPED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Requests-example.com] SKIPPED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Requests-127.0.0.1] SKIPPED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_proxy_url[Requests-/a/b/c] SKIPPED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions0-AssertionError] PASSED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions1-False] PASSED [ 46%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions2-AssertionError] PASSED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions3-False] PASSED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions4-AssertionError] PASSED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Urllib-extensions5-UnsupportedRequest] PASSED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Requests-extensions6-AssertionError] SKIPPED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Requests-extensions7-False] SKIPPED [ 47%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Requests-extensions8-False] SKIPPED [ 48%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Requests-extensions9-AssertionError] SKIPPED [ 48%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[Requests-extensions10-UnsupportedRequest] SKIPPED [ 48%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[NoCheckRH-extensions11-False] PASSED [ 48%]\ntest/test_networking.py::TestRequestHandlerValidation::test_extension[NoCheckRH-extensions12-False] PASSED [ 48%]\ntest/test_networking.py::TestRequestHandlerValidation::test_invalid_request_type PASSED [ 48%]\ntest/test_networking.py::TestRequestDirector::test_handler_operations PASSED [ 49%]\ntest/test_networking.py::TestRequestDirector::test_send PASSED [ 49%]\ntest/test_networking.py::TestRequestDirector::test_unsupported_handlers PASSED [ 49%]\ntest/test_networking.py::TestRequestDirector::test_unexpected_error PASSED [ 49%]\ntest/test_networking.py::TestRequestDirector::test_preference PASSED [ 49%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_compat_opener PASSED [ 49%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_proxy[http://127.0.0.1:8080-expected0] PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_proxy[-expected1] PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_proxy[None-expected2] PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_compat_request PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_extract_basic_auth PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_sanitize_url PASSED [ 50%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_file_urls_error PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_legacy_server_connect_error PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[http-__noproxy__-None] PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[no-127.0.0.1,foo.bar-127.0.0.1,foo.bar] PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[https-example.com-http://example.com] PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[https-//example.com-http://example.com] PASSED [ 51%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[https-socks5://example.com-socks5h://example.com] PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[http-socks://example.com-socks4://example.com] PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[http-socks4://example.com-socks4://example.com] PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy[unrelated-/bad/proxy-/bad/proxy] PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_proxy_header PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_clean_header PASSED [ 52%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_build_handler_params PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_client_certificate[ydl_params0] PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_client_certificate[ydl_params1] PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_client_certificate[ydl_params2] PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_client_certificate[ydl_params3] PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_urllib_file_urls PASSED [ 53%]\ntest/test_networking.py::TestYoutubeDLNetworking::test_compat_opt_prefer_urllib PASSED [ 53%]\ntest/test_networking.py::TestRequest::test_query PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_method PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_request_helpers PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_headers PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_data_type PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_content_length_header PASSED [ 54%]\ntest/test_networking.py::TestRequest::test_content_type_header PASSED [ 55%]\ntest/test_networking.py::TestRequest::test_update_req PASSED [ 55%]\ntest/test_networking.py::TestRequest::test_proxies PASSED [ 55%]\ntest/test_networking.py::TestRequest::test_extensions PASSED [ 55%]\ntest/test_networking.py::TestRequest::test_copy PASSED [ 55%]\ntest/test_networking.py::TestRequest::test_url PASSED [ 55%]\ntest/test_networking.py::TestResponse::test_reason[custom-200-custom] PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_reason[None-404-Not Found] PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_reason[-403-Forbidden] PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_reason[None-999-None] PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_headers PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_get_header PASSED [ 56%]\ntest/test_networking.py::TestResponse::test_compat PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_select_proxy PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_make_socks_proxy_opts[socks5h://example.com-expected0] PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_make_socks_proxy_opts[***example.com:5555-expected1] PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_make_socks_proxy_opts[***127.0.0.1:1080-expected2] PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_make_socks_proxy_opts[socks4a://:pa%20ss@127.0.0.1-expected3] PASSED [ 57%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_make_socks_proxy_unknown PASSED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_load_certifi SKIPPED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[GET-303-GET] PASSED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[HEAD-303-HEAD] PASSED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[PUT-303-GET] PASSED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[POST-301-GET] PASSED [ 58%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[HEAD-301-HEAD] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[POST-302-GET] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[HEAD-302-HEAD] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[PUT-302-PUT] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[POST-308-POST] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[POST-307-POST] PASSED [ 59%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[HEAD-308-HEAD] PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_get_redirect_method[HEAD-307-HEAD] PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_add_accept_encoding_header[headers0-supported_encodings0-expected0] PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_add_accept_encoding_header[headers1-supported_encodings1-expected1] PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingUtils::test_add_accept_encoding_header[headers2-supported_encodings2-expected2] PASSED [ 60%]\ntest/test_networking_utils.py::TestInstanceStoreMixin::test_mixin PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_http_error[HTTPError] PASSED [ 60%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_http_error[] PASSED [ 61%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_redirect_http_error[HTTPError] PASSED [ 61%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_redirect_http_error[] PASSED [ 61%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_compat_http_error PASSED [ 61%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_compat_http_error_autoclose PASSED [ 61%]\ntest/test_networking_utils.py::TestNetworkingExceptions::test_incomplete_read_error PASSED [ 61%]\ntest/test_plugins.py::TestPlugins::test_directories_containing_plugins PASSED [ 62%]\ntest/test_plugins.py::TestPlugins::test_extractor_classes PASSED [ 62%]\ntest/test_plugins.py::TestPlugins::test_importing_zipped_module PASSED [ 62%]\ntest/test_plugins.py::TestPlugins::test_postprocessor_classes PASSED [ 62%]\ntest/test_postprocessors.py::TestMetadataFromField::test_field_to_template PASSED [ 62%]\ntest/test_postprocessors.py::TestMetadataFromField::test_format_to_regex PASSED [ 62%]\ntest/test_postprocessors.py::TestMetadataFromField::test_metadatafromfield PASSED [ 63%]\ntest/test_postprocessors.py::TestConvertThumbnail::test_escaping PASSED [ 63%]\ntest/test_postprocessors.py::TestExec::test_parse_cmd PASSED [ 63%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_make_concat_opts_CommonCase PASSED [ 63%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_make_concat_opts_NoZeroDurationChunkAtVideoEnd PASSED [ 63%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_make_concat_opts_NoZeroDurationChunkAtVideoStart PASSED [ 63%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_quote_for_concat_QuotesAtEnd PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_quote_for_concat_QuotesAtStart PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_quote_for_concat_RunsOfQuotes PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CanGetThroughUnaltered PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithAdjacentCuts PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithAdjacentSponsors PASSED [ 64%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithCutHidingSponsor PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithCuts PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithOverlappingCuts PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithOverlappingSponsors PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithRunsOfOverlappingCuts PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithRunsOfOverlappingSponsors PASSED [ 65%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithRunsOfOverlappingSponsorsAndCuts PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithSponsorCutInTheMiddle PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithSponsors PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChapterWithSponsorsAndCuts PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChaptersAfterLastCut PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_ChaptersAfterLastSponsor PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutCoincidesWithChapters PASSED [ 66%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutEndsAtChapterEnd PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutOverlapsMultipleChapters PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutStartsAtChapterStart PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutsAtVideoBoundaries PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutsOverlapChaptersAtVideoBoundaries PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_CutsWithinSomeChaptersAndOverlappingOthers PASSED [ 67%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_EverythingCut PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_EverythingSponsored PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_OverlappingSponsorsDifferentTitlesAfterCut PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SingleTinyChapterIsPreserved PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SmallestSponsorInTheOverlapGetsNamed PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorBlockChapters PASSED [ 68%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorCoincidesWithChapters PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorEndsAtChapterEnd PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorOverlapsMultipleChapters PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorStartsAtChapterStart PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorsAtVideoBoundaries PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorsNoLongerOverlapAfterCut PASSED [ 69%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorsOverlapChaptersAtVideoBoundaries PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorsStillOverlapAfterCut PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_SponsorsWithinSomeChaptersAndOverlappingOthers PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinyChapterAtTheStartPrependedToTheNext PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinyChaptersInTheOriginalArePreserved PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinyChaptersResultingFromCutsAreIgnored PASSED [ 70%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinyChaptersResultingFromSponsorOverlapAreIgnored PASSED [ 71%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinySponsorsAreIgnored PASSED [ 71%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinySponsorsOverlapsAreIgnored PASSED [ 71%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_TinySponsorsPrependedToTheNextSponsor PASSED [ 71%]\ntest/test_postprocessors.py::TestModifyChaptersPP::test_remove_marked_arrange_sponsors_UniqueNamesForOverlappingSponsors PASSED [ 71%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_no_auth[Urllib-http] PASSED [ 71%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_no_auth[Requests-http] SKIPPED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_auth[Urllib-http] PASSED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_auth[Requests-http] SKIPPED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4a_ipv4_target[Urllib-http] PASSED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4a_ipv4_target[Requests-http] SKIPPED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4a_domain_target[Urllib-http] PASSED [ 72%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4a_domain_target[Requests-http] SKIPPED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_ipv4_client_source_address[Urllib-http] PASSED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_ipv4_client_source_address[Requests-http] SKIPPED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[91-Urllib-http] PASSED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[91-Requests-http] SKIPPED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[92-Urllib-http] PASSED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[92-Requests-http] SKIPPED [ 73%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[93-Urllib-http] PASSED [ 74%]\ntest/test_socks.py::TestSocks4Proxy::test_socks4_errors[93-Requests-http] SKIPPED [ 74%]\ntest/test_socks.py::TestSocks4Proxy::test_ipv6_socks4_proxy[Urllib-http] PASSED [ 74%]\ntest/test_socks.py::TestSocks4Proxy::test_ipv6_socks4_proxy[Requests-http] SKIPPED [ 74%]\ntest/test_socks.py::TestSocks4Proxy::test_timeout[Urllib-http] PASSED [ 74%]\ntest/test_socks.py::TestSocks4Proxy::test_timeout[Requests-http] SKIPPED [ 74%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_no_auth[Urllib-http] PASSED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_no_auth[Requests-http] SKIPPED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_user_pass[Urllib-http] PASSED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_user_pass[Requests-http] SKIPPED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_ipv4_target[Urllib-http] PASSED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_ipv4_target[Requests-http] SKIPPED [ 75%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_domain_target[Urllib-http] PASSED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_domain_target[Requests-http] SKIPPED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5h_domain_target[Urllib-http] PASSED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5h_domain_target[Requests-http] SKIPPED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5h_ip_target[Urllib-http] PASSED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5h_ip_target[Requests-http] SKIPPED [ 76%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_ipv6_destination[Urllib-http] PASSED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_ipv6_destination[Requests-http] SKIPPED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_ipv6_socks5_proxy[Urllib-http] PASSED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_ipv6_socks5_proxy[Requests-http] SKIPPED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_ipv4_client_source_address[Urllib-http] PASSED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_ipv4_client_source_address[Requests-http] SKIPPED [ 77%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[1-Urllib-http] PASSED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[1-Requests-http] SKIPPED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[2-Urllib-http] PASSED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[2-Requests-http] SKIPPED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[3-Urllib-http] PASSED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[3-Requests-http] SKIPPED [ 78%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[4-Urllib-http] PASSED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[4-Requests-http] SKIPPED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[5-Urllib-http] PASSED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[5-Requests-http] SKIPPED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[6-Urllib-http] PASSED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[6-Requests-http] SKIPPED [ 79%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[7-Urllib-http] PASSED [ 80%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[7-Requests-http] SKIPPED [ 80%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[8-Urllib-http] PASSED [ 80%]\ntest/test_socks.py::TestSocks5Proxy::test_socks5_errors[8-Requests-http] SKIPPED [ 80%]\ntest/test_socks.py::TestSocks5Proxy::test_timeout[Urllib-http] PASSED [ 80%]\ntest/test_utils.py::TestUtil::test_LazyList PASSED [ 80%]\ntest/test_utils.py::TestUtil::test_LazyList_laziness PASSED [ 80%]\ntest/test_utils.py::TestUtil::test_Popen_windows_escaping SKIPPED (O...) [ 81%]\ntest/test_utils.py::TestUtil::test_age_restricted PASSED [ 81%]\ntest/test_utils.py::TestUtil::test_args_to_str PASSED [ 81%]\ntest/test_utils.py::TestUtil::test_base_url PASSED [ 81%]\ntest/test_utils.py::TestUtil::test_caesar PASSED [ 81%]\ntest/test_utils.py::TestUtil::test_clean_html PASSED [ 81%]\ntest/test_utils.py::TestUtil::test_clean_podcast_url PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_cli_bool_option PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_cli_option PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_cli_valueless_option PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_date_from_str PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_daterange PASSED [ 82%]\ntest/test_utils.py::TestUtil::test_datetime_from_str PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_detect_exe_version PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_determine_ext PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_determine_file_encoding PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_dfxp2srt PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_dict_get PASSED [ 83%]\ntest/test_utils.py::TestUtil::test_encode_base_n PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_encode_compat_str PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_escape_rfc3986 PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_expand_path PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_extract_attributes PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_extract_basic_auth PASSED [ 84%]\ntest/test_utils.py::TestUtil::test_find_xpath_attr PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_fix_xml_ampersands PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_float_or_none PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_format_bytes PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_get_compatible_ext PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_get_element_by_attribute PASSED [ 85%]\ntest/test_utils.py::TestUtil::test_get_element_by_class PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_element_html_by_attribute PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_element_html_by_class PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_element_text_and_html_by_tag PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_elements_by_attribute PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_elements_by_class PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_elements_html_by_attribute PASSED [ 86%]\ntest/test_utils.py::TestUtil::test_get_elements_html_by_class PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_get_elements_text_and_html_by_attribute PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_hide_login_info PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_http_header_dict PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_int_or_none PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_intlist_to_bytes PASSED [ 87%]\ntest/test_utils.py::TestUtil::test_iri_to_uri PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_is_html PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_js_to_json_common_constructors PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_js_to_json_edgecases PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_js_to_json_malformed PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_js_to_json_realworld PASSED [ 88%]\ntest/test_utils.py::TestUtil::test_js_to_json_template_literal PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_js_to_json_vars_strings PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_limit_length PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_locked_file PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_lowercase_escape PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_match_str PASSED [ 89%]\ntest/test_utils.py::TestUtil::test_merge_dicts PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_mimetype2ext PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_month_by_name PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_multipart_encode PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_normalize_url PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_ohdave_rsa_encrypt PASSED [ 90%]\ntest/test_utils.py::TestUtil::test_ordered_set PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_paged_list PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_parse_age_limit PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_parse_bitrate PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_parse_codecs PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_parse_count PASSED [ 91%]\ntest/test_utils.py::TestUtil::test_parse_dfxp_time_expr PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_parse_duration PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_parse_filesize PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_parse_iso8601 PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_parse_resolution PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_pkcs1pad PASSED [ 92%]\ntest/test_utils.py::TestUtil::test_prepend_extension PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_read_batch_urls PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_remove_dot_segments PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_remove_end PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_remove_quotes PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_remove_start PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_render_table PASSED [ 93%]\ntest/test_utils.py::TestUtil::test_replace_extension PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_rot47 PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_sanitize_filename PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_sanitize_filename_restricted PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_sanitize_ids PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_sanitize_path PASSED [ 94%]\ntest/test_utils.py::TestUtil::test_sanitize_url PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_shell_quote PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_smuggle_url PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_str_to_int PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_strip_jsonp PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_strip_or_none PASSED [ 95%]\ntest/test_utils.py::TestUtil::test_subtitles_filename PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_timeconvert PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_traverse_obj PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_try_call PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_unescape_html PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_unified_dates PASSED [ 96%]\ntest/test_utils.py::TestUtil::test_unified_timestamps PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_update_url_query PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_uppercase_escape PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_url_basename PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_url_or_none PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_urlencode_postdata PASSED [ 97%]\ntest/test_utils.py::TestUtil::test_urljoin PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_urshift PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_variadic PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_version_tuple PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_xpath_attr PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_xpath_element PASSED [ 98%]\ntest/test_utils.py::TestUtil::test_xpath_text PASSED [ 99%]\ntest/test_utils.py::TestUtil::test_xpath_with_ns PASSED [ 99%]\ntest/test_verbose_output.py::TestVerboseOutput::test_private_info_arg PASSED [ 99%]\ntest/test_verbose_output.py::TestVerboseOutput::test_private_info_eq PASSED [ 99%]\ntest/test_verbose_output.py::TestVerboseOutput::test_private_info_shortarg PASSED [ 99%]\ntest/test_verbose_output.py::TestVerboseOutput::test_private_info_shortarg_eq PASSED [ 99%]\ntest/test_youtube_misc.py::TestYoutubeMisc::test_youtube_extract PASSED [100%]\n\n=================================== FAILURES ===================================\n___________________________ TestHttpFD.test_chunked ____________________________\n\nself = \n\n def test_chunked(self):\n> self.download_all({\n 'http_chunk_size': 1000,\n })\n\ntest/test_downloader_http.py:100: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntest/test_downloader_http.py:94: in download_all\n self.download(params, ep)\ntest/test_downloader_http.py:86: in download\n self.assertTrue(downloader.real_download(filename, {\nyt_dlp/downloader/http.py:365: in real_download\n return download()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n def download():\n data_len = ctx.data.headers.get('Content-length')\n \n if ctx.data.headers.get('Content-encoding'):\n # Content-encoding is present, Content-length is not reliable anymore as we are\n # doing auto decompression. (See: https://github.com/yt-dlp/yt-dlp/pull/6176)\n data_len = None\n \n # Range HTTP header may be ignored/unsupported by a webserver\n # (e.g. extractor/scivee.py, extractor/bambuser.py).\n # However, for a test we still would like to download just a piece of a file.\n # To achieve this we limit data_len to _TEST_FILE_SIZE and manually control\n # block size when downloading a file.\n if is_test and (data_len is None or int(data_len) > self._TEST_FILE_SIZE):\n data_len = self._TEST_FILE_SIZE\n \n if data_len is not None:\n data_len = int(data_len) + ctx.resume_len\n min_data_len = self.params.get('min_filesize')\n max_data_len = self.params.get('max_filesize')\n if min_data_len is not None and data_len < min_data_len:\n self.to_screen(\n f'\\r[download] File is smaller than min-filesize ({data_len} bytes < {min_data_len} bytes). Aborting.')\n return False\n if max_data_len is not None and data_len > max_data_len:\n self.to_screen(\n f'\\r[download] File is larger than max-filesize ({data_len} bytes > {max_data_len} bytes). Aborting.')\n return False\n \n byte_counter = 0 + ctx.resume_len\n block_size = ctx.block_size\n start = time.time()\n \n # measure time over whole while-loop, so slow_down() and best_block_size() work together properly\n now = None # needed for slow_down() in the first loop run\n before = start # start measuring\n \n def retry(e):\n close_stream()\n ctx.resume_len = (byte_counter if ctx.tmpfilename == '-'\n else os.path.getsize(encodeFilename(ctx.tmpfilename)))\n raise RetryDownload(e)\n \n while True:\n try:\n # Download and write\n data_block = ctx.data.read(block_size if not is_test else min(block_size, data_len - byte_counter))\n except TransportError as err:\n retry(err)\n \n byte_counter += len(data_block)\n \n # exit loop when download is finished\n if len(data_block) == 0:\n break\n \n # Open destination file just in time\n if ctx.stream is None:\n try:\n ctx.stream, ctx.tmpfilename = self.sanitize_open(\n ctx.tmpfilename, ctx.open_mode)\n assert ctx.stream is not None\n ctx.filename = self.undo_temp_name(ctx.tmpfilename)\n self.report_destination(ctx.filename)\n except OSError as err:\n self.report_error('unable to open for writing: %s' % str(err))\n return False\n \n if self.params.get('xattr_set_filesize', False) and data_len is not None:\n try:\n write_xattr(ctx.tmpfilename, 'user.ytdl.filesize', str(data_len).encode())\n except (XAttrUnavailableError, XAttrMetadataError) as err:\n self.report_error('unable to set filesize xattr: %s' % str(err))\n \n try:\n ctx.stream.write(data_block)\n except OSError as err:\n self.to_stderr('\\n')\n self.report_error('unable to write data: %s' % str(err))\n return False\n \n # Apply rate limit\n self.slow_down(start, now, byte_counter - ctx.resume_len)\n \n # end measuring of one loop run\n now = time.time()\n after = now\n \n # Adjust block size\n if not self.params.get('noresizebuffer', False):\n block_size = self.best_block_size(after - before, len(data_block))\n \n before = after\n \n # Progress message\n> speed = self.calc_speed(start, now, byte_counter - ctx.resume_len)\nE AttributeError: 'HttpFD' object has no attribute 'calc_speed'\n\nyt_dlp/downloader/http.py:296: AttributeError\n___________________________ TestHttpFD.test_regular ____________________________\n\nself = \n\n def test_regular(self):\n> self.download_all({})\n\ntest/test_downloader_http.py:97: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \ntest/test_downloader_http.py:94: in download_all\n self.download(params, ep)\ntest/test_downloader_http.py:86: in download\n self.assertTrue(downloader.real_download(filename, {\nyt_dlp/downloader/http.py:365: in real_download\n return download()\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n def download():\n data_len = ctx.data.headers.get('Content-length')\n \n if ctx.data.headers.get('Content-encoding'):\n # Content-encoding is present, Content-length is not reliable anymore as we are\n # doing auto decompression. (See: https://github.com/yt-dlp/yt-dlp/pull/6176)\n data_len = None\n \n # Range HTTP header may be ignored/unsupported by a webserver\n # (e.g. extractor/scivee.py, extractor/bambuser.py).\n # However, for a test we still would like to download just a piece of a file.\n # To achieve this we limit data_len to _TEST_FILE_SIZE and manually control\n # block size when downloading a file.\n if is_test and (data_len is None or int(data_len) > self._TEST_FILE_SIZE):\n data_len = self._TEST_FILE_SIZE\n \n if data_len is not None:\n data_len = int(data_len) + ctx.resume_len\n min_data_len = self.params.get('min_filesize')\n max_data_len = self.params.get('max_filesize')\n if min_data_len is not None and data_len < min_data_len:\n self.to_screen(\n f'\\r[download] File is smaller than min-filesize ({data_len} bytes < {min_data_len} bytes). Aborting.')\n return False\n if max_data_len is not None and data_len > max_data_len:\n self.to_screen(\n f'\\r[download] File is larger than max-filesize ({data_len} bytes > {max_data_len} bytes). Aborting.')\n return False\n \n byte_counter = 0 + ctx.resume_len\n block_size = ctx.block_size\n start = time.time()\n \n # measure time over whole while-loop, so slow_down() and best_block_size() work together properly\n now = None # needed for slow_down() in the first loop run\n before = start # start measuring\n \n def retry(e):\n close_stream()\n ctx.resume_len = (byte_counter if ctx.tmpfilename == '-'\n else os.path.getsize(encodeFilename(ctx.tmpfilename)))\n raise RetryDownload(e)\n \n while True:\n try:\n # Download and write\n data_block = ctx.data.read(block_size if not is_test else min(block_size, data_len - byte_counter))\n except TransportError as err:\n retry(err)\n \n byte_counter += len(data_block)\n \n # exit loop when download is finished\n if len(data_block) == 0:\n break\n \n # Open destination file just in time\n if ctx.stream is None:\n try:\n ctx.stream, ctx.tmpfilename = self.sanitize_open(\n ctx.tmpfilename, ctx.open_mode)\n assert ctx.stream is not None\n ctx.filename = self.undo_temp_name(ctx.tmpfilename)\n self.report_destination(ctx.filename)\n except OSError as err:\n self.report_error('unable to open for writing: %s' % str(err))\n return False\n \n if self.params.get('xattr_set_filesize', False) and data_len is not None:\n try:\n write_xattr(ctx.tmpfilename, 'user.ytdl.filesize', str(data_len).encode())\n except (XAttrUnavailableError, XAttrMetadataError) as err:\n self.report_error('unable to set filesize xattr: %s' % str(err))\n \n try:\n ctx.stream.write(data_block)\n except OSError as err:\n self.to_stderr('\\n')\n self.report_error('unable to write data: %s' % str(err))\n return False\n \n # Apply rate limit\n self.slow_down(start, now, byte_counter - ctx.resume_len)\n \n # end measuring of one loop run\n now = time.time()\n after = now\n \n # Adjust block size\n if not self.params.get('noresizebuffer', False):\n block_size = self.best_block_size(after - before, len(data_block))\n \n before = after\n \n # Progress message\n> speed = self.calc_speed(start, now, byte_counter - ctx.resume_len)\nE AttributeError: 'HttpFD' object has no attribute 'calc_speed'\n\nyt_dlp/downloader/http.py:296: AttributeError\n=========================== short test summary info ============================\nSKIPPED [1] test/test_downloader_external.py:115: ffmpeg not found\nSKIPPED [1] test/test_jsinterp.py:111: Not implemented\nSKIPPED [1] test/test_jsinterp.py:373: Not implemented\nSKIPPED [1] test/test_jsinterp.py:335: Not implemented\nSKIPPED [1] test/test_networking.py:309: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:320: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:338: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:350: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:365: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:372: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:382: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:393: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:448: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:480: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:486: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:492: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:509: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:525: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:541: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:549: Requests request handler is not available\nSKIPPED [2] test/test_networking.py:555: brotli support is not installed\nSKIPPED [1] test/test_networking.py:566: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:576: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:586: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:597: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:607: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:637: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:663: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:673: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:681: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:719: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:725: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:732: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:739: Requests request handler is not available\nSKIPPED [11] test/test_networking.py:824: Requests request handler is not available\nSKIPPED [8] test/test_networking.py:855: Requests request handler is not available\nSKIPPED [2] test/test_networking.py:996: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:1005: Requests request handler is not available\nSKIPPED [2] test/test_networking.py:1010: Requests request handler is not available\nSKIPPED [6] test/test_networking.py:1019: Requests request handler is not available\nSKIPPED [1] test/test_networking.py:1028: Requests request handler is not available\nSKIPPED [4] test/test_networking.py:1033: Requests request handler is not available\nSKIPPED [5] test/test_networking.py:1038: Requests request handler is not available\nSKIPPED [1] test/test_networking_utils.py:96: certifi is not installed\nSKIPPED [1] test/test_socks.py:266: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:274: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:284: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:292: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:301: Requests request handler is not available\nSKIPPED [3] test/test_socks.py:311: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:323: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:332: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:342: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:350: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:363: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:371: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:379: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:388: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:397: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:405: Requests request handler is not available\nSKIPPED [1] test/test_socks.py:416: Requests request handler is not available\nSKIPPED [8] test/test_socks.py:425: Requests request handler is not available\nSKIPPED [1] test/test_utils.py:2398: Only relevant on Windows\nFAILED test/test_downloader_http.py::TestHttpFD::test_chunked - AttributeError: 'HttpFD' object has no attribute 'calc_speed'\nFAILED test/test_downloader_http.py::TestHttpFD::test_regular - AttributeError: 'HttpFD' object has no attribute 'calc_speed'\n=== 2 failed, 509 passed, 104 skipped, 5705 deselected in 120.03s (0:02:00) ====\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/yt_dlp/downloader/http.py b/yt_dlp/downloader/http.py\nindex f5237443e..a1f95db29 100644\n--- a/yt_dlp/downloader/http.py\n+++ b/yt_dlp/downloader/http.py\n@@ -11,6 +11,7 @@\n )\n from ..utils import (\n ContentTooShortError,\n+ FormatProgressInfos,\n RetryManager,\n ThrottledDownload,\n XAttrMetadataError,\n@@ -293,11 +294,11 @@ def retry(e):\n before = after\n \n # Progress message\n- speed = self.calc_speed(start, now, byte_counter - ctx.resume_len)\n+ speed = FormatProgressInfos.calc_speed(start, now, byte_counter - ctx.resume_len)\n if ctx.data_len is None:\n eta = None\n else:\n- eta = self.calc_eta(start, time.time(), ctx.data_len - ctx.resume_len, byte_counter - ctx.resume_len)\n+ eta = FormatProgressInfos.calc_eta(start, time.time(), ctx.data_len - ctx.resume_len, byte_counter - ctx.resume_len)\n \n self._hook_progress({\n 'status': 'downloading',\ndiff --git a/yt_dlp/downloader/rtmp.py b/yt_dlp/downloader/rtmp.py\nindex 0e0952599..9373f3585 100644\n--- a/yt_dlp/downloader/rtmp.py\n+++ b/yt_dlp/downloader/rtmp.py\n@@ -5,6 +5,7 @@\n \n from .common import FileDownloader\n from ..utils import (\n+ FormatProgressInfos,\n Popen,\n check_executable,\n encodeArgument,\n@@ -50,8 +51,8 @@ def run_rtmpdump(args):\n resume_percent = percent\n resume_downloaded_data_len = downloaded_data_len\n time_now = time.time()\n- eta = self.calc_eta(start, time_now, 100 - resume_percent, percent - resume_percent)\n- speed = self.calc_speed(start, time_now, downloaded_data_len - resume_downloaded_data_len)\n+ eta = FormatProgressInfos.calc_eta(start, time_now, 100 - resume_percent, percent - resume_percent)\n+ speed = FormatProgressInfos.calc_speed(start, time_now, downloaded_data_len - resume_downloaded_data_len)\n data_len = None\n if percent > 0:\n data_len = int(downloaded_data_len * 100 / percent)\n", "difficulty": 2, "changed_files": ["yt_dlp/downloader/http.py", "yt_dlp/downloader/rtmp.py"], "commit_link": "https://github.com/yt-dlp/yt-dlp/tree/43dd59c3137df77f5dd22cef4cb7bedfe9f6b12e"} \ No newline at end of file diff --git a/data/python/4410203.json b/data/python/4410203.json new file mode 100644 index 0000000000000000000000000000000000000000..b191c4e804c4f80c007c14ea8cc71d5b1d10d2a2 --- /dev/null +++ b/data/python/4410203.json @@ -0,0 +1 @@ +{"language": "Python", "id": 53, "repo_owner": "mosaicml", "repo_name": "composer", "head_branch": "error_logging_callback", "workflow_name": "Smoketest", "workflow_filename": "smoketest.yaml", "workflow_path": ".github/workflows/smoketest.yaml", "contributor": "bmosaicml", "sha_fail": "4410203c56984c613d23f29a81ecd1b96c57b1ee", "sha_success": "e4eb7eeac2e76c3287bdd650407e4067ad3a7625", "workflow": "name: Smoketest\non:\n push:\n branches:\n - dev\n - main\n - release/**\n pull_request:\n workflow_call:\n workflow_dispatch:\n# Cancel old runs when a new commit is pushed to the same branch if not on main or dev\nconcurrency:\n group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.ref }}\n cancel-in-progress: ${{ github.ref != 'refs/heads/main' && github.ref != 'refs/heads/dev' }}\ndefaults:\n run:\n working-directory: .\njobs:\n smoketest:\n runs-on: ubuntu-20.04\n timeout-minutes: 10\n strategy:\n matrix:\n python_version:\n - \"3.8\"\n - \"3.9\"\n - \"3.10\"\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python_version }}\n - name: Setup\n run: |\n set -ex\n python -m pip install --upgrade 'pip<23' wheel\n python -m pip install --upgrade .\n python -m pip install pytest==7.2.1 pytest_codeblocks==0.16.1\n - name: Run checks\n run: |\n pytest tests/test_smoketest.py\n", "logs": [{"step_name": "smoketest (3.8)/5_Run checks.txt", "log": "##[group]Run pytest tests/test_smoketest.py\n\u001b[36;1mpytest tests/test_smoketest.py\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nImportError while loading conftest '/home/runner/work/composer/composer/tests/conftest.py'.\ntests/conftest.py:9: in \n from composer.utils import reproducibility\ncomposer/__init__.py:10: in \n from composer.trainer import Trainer\ncomposer/trainer/__init__.py:6: in \n from composer.trainer.trainer import Trainer\ncomposer/trainer/trainer.py:37: in \n from composer.callbacks import CheckpointSaver, OptimizerMonitor\ncomposer/callbacks/__init__.py:12: in \n from composer.callbacks.eval_output_logging_callback import EvalOutputLogging\ncomposer/callbacks/eval_output_logging_callback.py:16: in \n from composer.datasets.in_context_learning_evaluation import (InContextLearningCodeEvalDataset,\ncomposer/datasets/in_context_learning_evaluation.py:13: in \n import transformers\nE ModuleNotFoundError: No module named 'transformers'\n##[error]Process completed with exit code 4.\n"}, {"step_name": "smoketest (3.9)/5_Run checks.txt", "log": "##[group]Run pytest tests/test_smoketest.py\n\u001b[36;1mpytest tests/test_smoketest.py\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nImportError while loading conftest '/home/runner/work/composer/composer/tests/conftest.py'.\ntests/conftest.py:9: in \n from composer.utils import reproducibility\ncomposer/__init__.py:10: in \n from composer.trainer import Trainer\ncomposer/trainer/__init__.py:6: in \n from composer.trainer.trainer import Trainer\ncomposer/trainer/trainer.py:37: in \n from composer.callbacks import CheckpointSaver, OptimizerMonitor\ncomposer/callbacks/__init__.py:12: in \n from composer.callbacks.eval_output_logging_callback import EvalOutputLogging\ncomposer/callbacks/eval_output_logging_callback.py:16: in \n from composer.datasets.in_context_learning_evaluation import (InContextLearningCodeEvalDataset,\ncomposer/datasets/in_context_learning_evaluation.py:13: in \n import transformers\nE ModuleNotFoundError: No module named 'transformers'\n##[error]Process completed with exit code 4.\n"}, {"step_name": "smoketest (3.10)/5_Run checks.txt", "log": "##[group]Run pytest tests/test_smoketest.py\n\u001b[36;1mpytest tests/test_smoketest.py\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\nImportError while loading conftest '/home/runner/work/composer/composer/tests/conftest.py'.\ntests/conftest.py:9: in \n from composer.utils import reproducibility\ncomposer/__init__.py:10: in \n from composer.trainer import Trainer\ncomposer/trainer/__init__.py:6: in \n from composer.trainer.trainer import Trainer\ncomposer/trainer/trainer.py:37: in \n from composer.callbacks import CheckpointSaver, OptimizerMonitor\ncomposer/callbacks/__init__.py:12: in \n from composer.callbacks.eval_output_logging_callback import EvalOutputLogging\ncomposer/callbacks/eval_output_logging_callback.py:16: in \n from composer.datasets.in_context_learning_evaluation import (InContextLearningCodeEvalDataset,\ncomposer/datasets/in_context_learning_evaluation.py:13: in \n import transformers\nE ModuleNotFoundError: No module named 'transformers'\n##[error]Process completed with exit code 4.\n"}], "diff": "diff --git a/composer/callbacks/eval_output_logging_callback.py b/composer/callbacks/eval_output_logging_callback.py\nindex 48e4f76d..65cbdebb 100644\n--- a/composer/callbacks/eval_output_logging_callback.py\n+++ b/composer/callbacks/eval_output_logging_callback.py\n@@ -7,7 +7,7 @@ import hashlib\n import os\n import random\n import shutil\n-import time\n+import tempfile\n from typing import Callable, Optional\n \n from torch.utils.data import DataLoader\n@@ -58,6 +58,8 @@ class EvalOutputLogging(Callback):\n self.hash = hashlib.sha256()\n self.destination_file = None\n \n+ # with tempfile.NamedTemporaryFile\n+ # tmp_dir =\n def _write_tables_to_output_dir(self, state: State):\n try:\n import pandas as pd\n@@ -66,16 +68,9 @@ class EvalOutputLogging(Callback):\n conda_package='pandas',\n conda_channel='conda-forge') from e\n # write tmp files\n- self.hash.update((str(time.time()) + str(random.randint(0, 1_000_000))).encode('utf-8'))\n- tmp_dir = os.getcwd() + '/' + self.hash.hexdigest()\n-\n- if not os.path.exists(tmp_dir):\n- with dist.local_rank_zero_download_and_wait(tmp_dir):\n- if dist.get_local_rank() == 0:\n- os.mkdir(tmp_dir)\n \n full_df = pd.DataFrame()\n- file_name = f'eval-outputs-ba{state.timestamp.batch.value}.tsv'\n+ upload_file_name = f'eval-outputs-ba{state.timestamp.batch.value}.tsv'\n \n for benchmark in self.table:\n cols, rows = self.table[benchmark]\n@@ -84,18 +79,14 @@ class EvalOutputLogging(Callback):\n df['benchmark'] = benchmark\n full_df = pd.concat([full_df, df], ignore_index=True)\n \n- with dist.local_rank_zero_download_and_wait(f'{tmp_dir}/{file_name}'):\n- if dist.get_local_rank() == 0:\n- with open(f'{tmp_dir}/{file_name}', 'wb') as f:\n- full_df.to_csv(f, sep='\\t', index=False)\n+ tmp_file = ''\n+ with tempfile.NamedTemporaryFile('wb') as f:\n+ full_df.to_csv(f, sep='\\t', index=False)\n+ tmp_file = f.name\n \n # copy/upload tmp files\n- _write(destination_path=f'{self.output_directory}/{file_name}', src_file=f'{tmp_dir}/{file_name}')\n- os.remove(f'{tmp_dir}/{file_name}')\n- self.destination_file = f'{self.output_directory}/{file_name}'\n-\n- # delete tmp files\n- os.rmdir(tmp_dir)\n+ _write(destination_path=f'{self.output_directory}/{upload_file_name}', src_file=tmp_file)\n+ self.destination_file = f'{self.output_directory}/{upload_file_name}'\n \n def _prep_response_cache(self, state, cache):\n benchmark = state.dataloader_label\ndiff --git a/composer/datasets/in_context_learning_evaluation.py b/composer/datasets/in_context_learning_evaluation.py\nindex e1566509..1a53f75c 100644\n--- a/composer/datasets/in_context_learning_evaluation.py\n+++ b/composer/datasets/in_context_learning_evaluation.py\n@@ -10,7 +10,6 @@ import random\n from typing import TYPE_CHECKING, Any, Dict, List, Optional, Union\n \n import torch\n-import transformers\n from torch.utils.data import DataLoader, Dataset\n from tqdm import tqdm\n \n", "difficulty": 1, "changed_files": ["composer/callbacks/eval_output_logging_callback.py", "composer/datasets/in_context_learning_evaluation.py"], "commit_link": "https://github.com/mosaicml/composer/tree/4410203c56984c613d23f29a81ecd1b96c57b1ee"} \ No newline at end of file diff --git a/data/python/44b56e0.json b/data/python/44b56e0.json new file mode 100644 index 0000000000000000000000000000000000000000..acdf8fd7e701374642ffba31f42e346ec20b23a5 --- /dev/null +++ b/data/python/44b56e0.json @@ -0,0 +1 @@ +{"language": "Python", "id": 1, "repo_owner": "huggingface", "repo_name": "accelerate", "head_branch": "main", "workflow_name": "Quality Check", "workflow_filename": "quality.yml", "workflow_path": ".github/workflows/quality.yml", "contributor": "PhilJd", "sha_fail": "44b56e01683771fb4ca583f9ea57c67dcee8e779", "sha_success": "90bb882770fafc8db2fabc7fe58f446e12b55d77", "workflow": "name: Quality Check\n\non: [pull_request]\n\njobs:\n quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.1.0\n - name: Set up Python 3.8\n uses: actions/setup-python@v3\n with:\n python-version: 3.8\n - name: Install Python dependencies\n run: pip install -e .[quality]\n - name: Run Quality check\n run: make quality\n - name: Check if failure\n if: ${{ failure() }}\n run: |\n echo \"Quality check failed. Please ensure the right dependency versions are installed with 'pip install -e .[quality]' and rerun 'make style; make quality;'\" >> $GITHUB_STEP_SUMMARY\n\n", "logs": [{"step_name": "quality/5_Run Quality check.txt", "log": "##[group]Run make quality\n\u001b[36;1mmake quality\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nblack --required-version 23 --check tests src examples benchmarks utils\nAll done! \u2728 \ud83c\udf70 \u2728\n118 files would be left unchanged.\nruff tests src examples benchmarks utils\ndoc-builder style src/accelerate docs/source --max_len 119 --check_only\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/bin/doc-builder\", line 8, in \n sys.exit(main())\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/doc_builder/commands/doc_builder_cli.py\", line 47, in main\n args.func(args)\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/doc_builder/commands/style.py\", line 28, in style_command\n raise ValueError(f\"{len(changed)} files should be restyled!\")\nValueError: 1 files should be restyled!\nmake: *** [Makefile:17: quality] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/src/accelerate/big_modeling.py b/src/accelerate/big_modeling.py\nindex 5fd2bd5..6a2392a 100644\n--- a/src/accelerate/big_modeling.py\n+++ b/src/accelerate/big_modeling.py\n@@ -73,7 +73,9 @@ def init_empty_weights(include_buffers: bool = None):\n \n Any model created under this context manager has no weights. As such you can't do something like\n `model.to(some_device)` with it. To load weights inside your empty model, see [`load_checkpoint_and_dispatch`].\n- Make sure to overwrite the default device_map param, otherwise dispatch is not called.\n+ Make sure to overwrite the default device_map param for [`load_checkpoint_and_dispatch`], otherwise dispatch is not\n+ called.\n+\n \n \"\"\"\n if include_buffers is None:\n@@ -480,7 +482,7 @@ def load_checkpoint_and_dispatch(\n \n To have Accelerate compute the most optimized `device_map` automatically, set `device_map=\"auto\"`. For more\n information about each option see [here](../concept_guides/big_model_inference#designing-a-device-map).\n- Defaults to None, which means `dispatch_model` will not be called.\n+ Defaults to None, which means [`dispatch_model`] will not be called.\n max_memory (`Dict`, *optional*):\n A dictionary device identifier to maximum memory. Will default to the maximum memory available for each GPU\n and the available CPU RAM if unset.\n", "difficulty": 0, "changed_files": ["src/accelerate/big_modeling.py"], "commit_link": "https://github.com/huggingface/accelerate/tree/44b56e01683771fb4ca583f9ea57c67dcee8e779"} \ No newline at end of file diff --git a/data/python/4d5898b.json b/data/python/4d5898b.json new file mode 100644 index 0000000000000000000000000000000000000000..7d46c47bff35830a3867e8da913a726b3018be28 --- /dev/null +++ b/data/python/4d5898b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 14, "repo_owner": "canonical", "repo_name": "cloud-init", "head_branch": "holman/dhcpcd", "workflow_name": "Lint Tests", "workflow_filename": "check_format.yml", "workflow_path": ".github/workflows/check_format.yml", "contributor": "holmanb", "sha_fail": "4d5898b8a73c93e1ed4434744c2fa7c3f7fbd501", "sha_success": "2bd296ef8983a716a7b8d107571181333f093109", "workflow": "name: Lint Tests\non:\n pull_request:\n push:\n branches:\n - main\n\nconcurrency:\n group: 'ci-${{ github.workflow }}-${{ github.ref }}'\n cancel-in-progress: true\ndefaults:\n run:\n shell: sh -ex {0}\n\njobs:\n check_format:\n strategy:\n fail-fast: false\n matrix:\n env: [ruff, mypy, pylint, black, isort]\n lint-with:\n - {tip-versions: false, os: ubuntu-20.04}\n - {tip-versions: true, os: ubuntu-latest}\n name: Check ${{ matrix.lint-with.tip-versions && 'tip-' || '' }}${{ matrix.env }}\n runs-on: ${{ matrix.lint-with.os }}\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n\n - name: Dependencies\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n\n - name: Print version\n run: python3 --version\n\n - name: Test\n if: ${{ !matrix.lint-with.tip-versions }}\n env:\n # matrix env: not to be confused w/environment variables or testenv\n TOXENV: ${{ matrix.env }}\n run: tox\n - name: Test (tip versions)\n if: matrix.lint-with.tip-versions\n continue-on-error: true\n env:\n TOXENV: tip-${{ matrix.env }}\n run: tox\n schema-format:\n strategy:\n fail-fast: false\n name: Check json format\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Test format\"\n run: |\n tools/check_json_format.sh cloudinit/config/schemas/schema-cloud-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/schema-network-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/versions.schema.cloud-config.json\n\n doc:\n strategy:\n fail-fast: false\n name: Check docs\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n - name: \"Install Python 3.10\"\n uses: actions/setup-python@v4\n with:\n python-version: '3.10.8'\n - name: \"Install dependencies\"\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n - name: \"Spellcheck\"\n run: |\n tox\n env:\n TOXENV: doc-spelling\n - name: \"Build docs\"\n env:\n TOXENV: doc\n run: |\n tox\n\n shell-lint:\n name: Shell Lint\n runs-on: ubuntu-22.04\n steps:\n - name: Checkout\n uses: actions/checkout@v3.0.0\n\n - name: Install ShellCheck\n run: |\n sudo apt-get update\n sudo apt install shellcheck\n\n - name: Run ShellCheck\n run: |\n shellcheck ./tools/ds-identify\n\n check-cla-signers:\n runs-on: ubuntu-22.04\n steps:\n - uses: actions/checkout@v3.0.0\n\n - name: Check CLA signers file\n run: tools/check-cla-signers\n", "logs": [{"step_name": "Check pylint/6_Test.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/sh -ex {0}\nenv:\n TOXENV: pylint\n##[endgroup]\n+ tox\nGLOB sdist-make: /home/runner/work/cloud-init/cloud-init/setup.py\npylint create: /home/runner/work/cloud-init/cloud-init/.tox/pylint\npylint installdeps: pylint===2.13.9, -r/home/runner/work/cloud-init/cloud-init/test-requirements.txt, -r/home/runner/work/cloud-init/cloud-init/integration-requirements.txt\npylint inst: /home/runner/work/cloud-init/cloud-init/.tox/.tmp/package/1/cloud-init-23.4+88.g0e8fe220.zip\npylint installed: adal==1.2.7,anyio==4.2.0,appdirs==1.4.4,applicationinsights==0.11.10,argcomplete==3.1.6,astroid==2.11.7,attrs==23.2.0,autopage==0.5.2,azure-cli-core==2.56.0,azure-cli-telemetry==1.1.0,azure-common==1.1.28,azure-core==1.29.6,azure-identity==1.15.0,azure-mgmt-compute==30.4.0,azure-mgmt-core==1.4.0,azure-mgmt-network==25.2.0,azure-mgmt-resource==23.0.1,bcrypt==4.1.2,boto3==1.34.17,botocore==1.34.17,cachetools==5.3.2,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,circuitbreaker==1.4.0,cliff==4.5.0,cloud-init==23.4+88.g0e8fe220,cmd2==2.4.3,configobj==5.0.8,coverage==7.4.0,cryptography==41.0.7,debtcollector==2.5.0,decorator==5.1.1,dill==0.3.7,distro==1.9.0,dogpile.cache==1.3.0,exceptiongroup==1.2.0,google-api-core==2.15.0,google-api-python-client==2.113.0,google-auth==2.26.2,google-auth-httplib2==0.2.0,googleapis-common-protos==1.62.0,httplib2==0.22.0,humanfriendly==10.0,ibm-cloud-sdk-core==3.18.2,ibm-platform-services==0.49.0,ibm-vpc==0.20.0,idna==3.6,importlib-metadata==7.0.1,importlib-resources==6.1.1,iniconfig==2.0.0,iso8601==2.1.0,isodate==0.6.1,isort==5.13.2,Jinja2==3.1.3,jmespath==1.0.1,jsonpatch==1.33,jsonpointer==2.4,jsonschema==4.20.0,jsonschema-specifications==2023.12.1,keystoneauth1==5.5.0,knack==0.11.0,lazy-object-proxy==1.10.0,MarkupSafe==2.1.3,mccabe==0.7.0,msal==1.24.0b2,msal-extensions==1.0.0,msgpack==1.0.7,msrest==0.7.1,msrestazure==0.6.4,netaddr==0.10.1,netifaces==0.11.0,oauthlib==3.2.2,oci==2.118.2,openstacksdk==1.4.0,os-service-types==1.7.0,osc-lib==3.0.0,oslo.config==9.3.0,oslo.i18n==6.2.0,oslo.serialization==5.3.0,oslo.utils==6.3.0,packaging==23.2,paramiko==3.4.0,passlib==1.7.4,pbr==6.0.0,pkginfo==1.9.6,pkgutil-resolve-name==1.3.10,platformdirs==4.1.0,pluggy==1.3.0,portalocker==2.8.2,prettytable==3.9.0,protobuf==3.19.6,psutil==5.9.7,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycloudlib==1!5.12.1,pycparser==2.21,pygments==2.17.2,PyJWT==2.8.0,pylint==2.13.9,PyNaCl==1.5.0,pyOpenSSL==23.3.0,pyparsing==2.4.7,pyperclip==1.8.2,pyserial==3.5,pytest==7.4.4,pytest-cov==4.1.0,pytest-mock==3.12.0,python-cinderclient==9.4.0,python-dateutil==2.8.2,python-keystoneclient==5.3.0,python-novaclient==18.4.0,python-openstackclient==6.4.0,pytz==2023.3.post1,PyYAML==6.0.1,qemu.qmp==0.0.3,referencing==0.32.1,requests==2.31.0,requests-oauthlib==1.3.1,requestsexceptions==1.4.0,responses==0.24.1,rfc3986==2.0.0,rpds-py==0.17.1,rsa==4.9,s3transfer==0.10.0,simplejson==3.19.2,six==1.16.0,sniffio==1.3.0,stevedore==5.1.0,tabulate==0.9.0,toml==0.10.0,tomli==2.0.1,typing-extensions==4.9.0,tzdata==2023.4,uritemplate==4.1.1,urllib3==2.1.0,wcwidth==0.2.13,wrapt==1.16.0,zipp==3.17.0\npylint run-test-pre: PYTHONHASHSEED='1345909868'\npylint run-test: commands[0] | /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py\n************* Module cloudinit.net.dhcp\ncloudinit/net/dhcp.py:538: [W0235(useless-super-delegation), Dhcpcd.__init__] Useless super delegation in method '__init__'\n\n------------------------------------\nYour code has been rated at 10.00/10\n\nERROR: InvocationError for command /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py (exited with code 4)\n___________________________________ summary ____________________________________\nERROR: pylint: commands failed\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/cloudinit/distros/__init__.py b/cloudinit/distros/__init__.py\nindex 5c891f26e..c02166ad2 100644\n--- a/cloudinit/distros/__init__.py\n+++ b/cloudinit/distros/__init__.py\n@@ -170,6 +170,7 @@ class Distro(persistence.CloudInitPickleMixin, metaclass=abc.ABCMeta):\n self._runner = helpers.Runners(paths)\n self.package_managers: List[PackageManager] = []\n self._dhcp_client = None\n+ self._fallback_interface = None\n \n def _unpickle(self, ci_pkl_version: int) -> None:\n \"\"\"Perform deserialization fixes for Distro.\"\"\"\n@@ -1274,6 +1275,13 @@ class Distro(persistence.CloudInitPickleMixin, metaclass=abc.ABCMeta):\n \"/bin/true\",\n ] + ([\"-cf\", config_file, interface] if config_file else [interface])\n \n+ @property\n+ def fallback_interface(self):\n+ \"\"\"Determine the network interface used during local network config.\"\"\"\n+ if self._fallback_interface is None:\n+ self._fallback_interface = net.find_fallback_nic()\n+ return self._fallback_interface\n+\n \n def _apply_hostname_transformations_to_url(url: str, transformations: list):\n \"\"\"\ndiff --git a/cloudinit/net/dhcp.py b/cloudinit/net/dhcp.py\nindex 9c94b3f92..7b2d41df1 100644\n--- a/cloudinit/net/dhcp.py\n+++ b/cloudinit/net/dhcp.py\n@@ -19,8 +19,6 @@ import configobj\n \n from cloudinit import subp, temp_utils, util\n from cloudinit.net import (\n- find_fallback_nic,\n- get_devicelist,\n get_ib_interface_hwaddr,\n get_interface_mac,\n is_ib_interface,\n@@ -98,17 +96,8 @@ def maybe_perform_dhcp_discovery(distro, nic=None, dhcp_log_func=None):\n from the dhclient discovery if run, otherwise an empty list is\n returned.\n \"\"\"\n- if nic is None:\n- nic = find_fallback_nic()\n- if nic is None:\n- LOG.debug(\"Skip dhcp_discovery: Unable to find fallback nic.\")\n- raise NoDHCPLeaseInterfaceError()\n- elif nic not in get_devicelist():\n- LOG.debug(\n- \"Skip dhcp_discovery: nic %s not found in get_devicelist.\", nic\n- )\n- raise NoDHCPLeaseInterfaceError()\n- return distro.dhcp_client.dhcp_discovery(nic, dhcp_log_func, distro)\n+ interface = nic or distro.fallback_interface\n+ return distro.dhcp_client.dhcp_discovery(interface, dhcp_log_func, distro)\n \n \n def networkd_parse_lease(content):\n@@ -185,7 +174,7 @@ class DhcpClient(abc.ABC):\n def parse_static_routes(routes: str) -> List[Tuple[str, str]]:\n return []\n \n- def get_newest_lease(self, distro) -> Dict[str, Any]:\n+ def get_newest_lease(self, interface: str) -> Dict[str, Any]:\n return {}\n \n \n@@ -218,15 +207,15 @@ class IscDhclient(DhcpClient):\n dhcp_leases.append(dict(lease_options))\n return dhcp_leases\n \n- def get_newest_lease(self, distro) -> Dict[str, Any]:\n+ def get_newest_lease(self, interface: str) -> Dict[str, Any]:\n \"\"\"Get the most recent lease from the ephemeral phase as a dict.\n \n Return a dict of dhcp options. The dict contains key value\n pairs from the most recent lease.\n \n- @param distro: a distro object - not used in this class, but required\n- for function signature compatibility with other classes\n- that require a distro object\n+ @param interface: an interface string - not used in this class, but\n+ required for function signature compatibility with other classes\n+ that require a distro object\n @raises: InvalidDHCPLeaseFileError on empty or unparseable leasefile\n content.\n \"\"\"\n@@ -355,7 +344,7 @@ class IscDhclient(DhcpClient):\n )\n if dhcp_log_func is not None:\n dhcp_log_func(out, err)\n- lease = self.get_newest_lease(distro)\n+ lease = self.get_newest_lease(interface)\n if lease:\n return lease\n raise InvalidDHCPLeaseFileError()\n@@ -535,9 +524,6 @@ class IscDhclient(DhcpClient):\n class Dhcpcd(DhcpClient):\n client_name = \"dhcpcd\"\n \n- def __init__(self):\n- super().__init__()\n-\n def dhcp_discovery(\n self,\n interface: str,\n@@ -547,12 +533,12 @@ class Dhcpcd(DhcpClient):\n \"\"\"Run dhcpcd on the interface without scripts/filesystem artifacts.\n \n @param interface: Name of the network interface on which to send a\n- dhcp request\n+ dhcp request\n @param dhcp_log_func: A callable accepting the client output and\n- error streams.\n+ error streams.\n @param distro: a distro object for network interface manipulation\n @return: dict of lease options representing the most recent dhcp lease\n- parsed from the dhclient.lease file\n+ parsed from the dhclient.lease file\n \"\"\"\n LOG.debug(\"Performing a dhcp discovery on %s\", interface)\n \n@@ -580,7 +566,7 @@ class Dhcpcd(DhcpClient):\n )\n if dhcp_log_func is not None:\n dhcp_log_func(out, err)\n- lease = self.get_newest_lease(distro)\n+ lease = self.get_newest_lease(interface)\n if lease:\n return lease\n raise NoDHCPLeaseError(\"No lease found\")\n@@ -644,12 +630,10 @@ class Dhcpcd(DhcpClient):\n # for compatibility we still expect a list of leases\n return lease\n \n- def get_newest_lease(self, distro) -> Dict[str, Any]:\n- \"\"\"Return a lease\n-\n- Return a list of dicts of dhcp options. Each dict contains key value\n- pairs a specific lease in order from oldest to newest.\n+ def get_newest_lease(self, interface: str) -> Dict[str, Any]:\n+ \"\"\"Return a dict of dhcp options.\n \n+ @param interface: which interface to dump the lease from\n @raises: InvalidDHCPLeaseFileError on empty or unparseable leasefile\n content.\n \"\"\"\n@@ -659,11 +643,11 @@ class Dhcpcd(DhcpClient):\n [\n \"dhcpcd\",\n \"--dumplease\",\n- distro.fallback_interface,\n+ interface,\n ],\n rcs=[0, 1],\n ).stdout,\n- distro.fallback_interface,\n+ interface,\n )\n \n except subp.ProcessExecutionError as error:\n@@ -781,17 +765,17 @@ class Udhcpc(DhcpClient):\n if dhcp_log_func is not None:\n dhcp_log_func(out, err)\n \n- return self.get_newest_lease(distro)\n+ return self.get_newest_lease(interface)\n \n- def get_newest_lease(self, distro) -> Dict[str, Any]:\n+ def get_newest_lease(self, interface: str) -> Dict[str, Any]:\n \"\"\"Get the most recent lease from the ephemeral phase as a dict.\n \n Return a dict of dhcp options. The dict contains key value\n pairs from the most recent lease.\n \n- @param distro: a distro object - not used in this class, but required\n- for function signature compatibility with other classes\n- that require a distro object\n+ @param interface: an interface name - not used in this class, but\n+ required for function signature compatibility with other classes\n+ that require a distro object\n @raises: InvalidDHCPLeaseFileError on empty or unparseable leasefile\n content.\n \"\"\"\ndiff --git a/cloudinit/sources/__init__.py b/cloudinit/sources/__init__.py\nindex c207b5ed6..f9650268a 100644\n--- a/cloudinit/sources/__init__.py\n+++ b/cloudinit/sources/__init__.py\n@@ -610,13 +610,11 @@ class DataSource(CloudInitPickleMixin, metaclass=abc.ABCMeta):\n @property\n def fallback_interface(self):\n \"\"\"Determine the network interface used during local network config.\"\"\"\n- if self._fallback_interface is None:\n- self._fallback_interface = net.find_fallback_nic()\n- if self._fallback_interface is None:\n- LOG.warning(\n- \"Did not find a fallback interface on %s.\", self.cloud_name\n- )\n- return self._fallback_interface\n+ if self.distro.fallback_interface is None:\n+ LOG.warning(\n+ \"Did not find a fallback interface on %s.\", self.cloud_name\n+ )\n+ return self.distro.fallback_interface\n \n @property\n def platform_type(self):\ndiff --git a/tests/unittests/net/test_dhcp.py b/tests/unittests/net/test_dhcp.py\nindex ffa3eab17..9af5f93aa 100644\n--- a/tests/unittests/net/test_dhcp.py\n+++ b/tests/unittests/net/test_dhcp.py\n@@ -372,20 +372,7 @@ class TestDHCPDiscoveryClean(CiTestCase):\n with_logs = True\n ib_address_prefix = \"00:00:00:00:00:00:00:00:00:00:00:00\"\n \n- @mock.patch(\"cloudinit.net.dhcp.find_fallback_nic\")\n- def test_no_fallback_nic_found(self, m_fallback_nic):\n- \"\"\"Log and do nothing when nic is absent and no fallback is found.\"\"\"\n- m_fallback_nic.return_value = None # No fallback nic found\n-\n- with pytest.raises(NoDHCPLeaseInterfaceError):\n- maybe_perform_dhcp_discovery(MockDistro())\n-\n- self.assertIn(\n- \"Skip dhcp_discovery: Unable to find fallback nic.\",\n- self.logs.getvalue(),\n- )\n-\n- @mock.patch(\"cloudinit.net.dhcp.find_fallback_nic\", return_value=\"eth9\")\n+ @mock.patch(\"cloudinit.distros.net.find_fallback_nic\", return_value=\"eth9\")\n @mock.patch(\"cloudinit.net.dhcp.os.remove\")\n @mock.patch(\"cloudinit.net.dhcp.subp.subp\")\n @mock.patch(\"cloudinit.net.dhcp.subp.which\")\n@@ -406,7 +393,7 @@ class TestDHCPDiscoveryClean(CiTestCase):\n self.logs.getvalue(),\n )\n \n- @mock.patch(\"cloudinit.net.dhcp.find_fallback_nic\", return_value=\"eth9\")\n+ @mock.patch(\"cloudinit.distros.net.find_fallback_nic\", return_value=\"eth9\")\n @mock.patch(\"cloudinit.net.dhcp.os.remove\")\n @mock.patch(\"cloudinit.net.dhcp.subp.subp\")\n @mock.patch(\"cloudinit.net.dhcp.subp.which\")\n@@ -435,17 +422,6 @@ class TestDHCPDiscoveryClean(CiTestCase):\n self.logs.getvalue(),\n )\n \n- @mock.patch(\"cloudinit.net.dhcp.find_fallback_nic\", return_value=None)\n- def test_provided_nic_does_not_exist(self, m_fallback_nic):\n- \"\"\"When the provided nic doesn't exist, log a message and no-op.\"\"\"\n- with pytest.raises(NoDHCPLeaseInterfaceError):\n- maybe_perform_dhcp_discovery(MockDistro(), \"idontexist\")\n-\n- self.assertIn(\n- \"Skip dhcp_discovery: nic idontexist not found in get_devicelist.\",\n- self.logs.getvalue(),\n- )\n-\n @mock.patch(\"cloudinit.net.dhcp.subp.which\")\n @mock.patch(\"cloudinit.net.dhcp.find_fallback_nic\")\n def test_absent_dhclient_command(self, m_fallback, m_which):\ndiff --git a/tests/unittests/sources/test_cloudstack.py b/tests/unittests/sources/test_cloudstack.py\nindex 8ee04b3e1..b33c5e492 100644\n--- a/tests/unittests/sources/test_cloudstack.py\n+++ b/tests/unittests/sources/test_cloudstack.py\n@@ -244,6 +244,13 @@ class TestCloudStackHostname(CiTestCase):\n )\n )\n \n+ self.patches.enter_context(\n+ mock.patch(\n+ \"cloudinit.distros.net.find_fallback_nic\",\n+ return_value=\"eth0\",\n+ )\n+ )\n+\n self.patches.enter_context(\n mock.patch(\n MOD_PATH\n@@ -304,7 +311,7 @@ class TestCloudStackHostname(CiTestCase):\n )\n \n ds = DataSourceCloudStack(\n- {}, MockDistro(), helpers.Paths({\"run_dir\": self.tmp})\n+ {}, ubuntu.Distro(\"\", {}, {}), helpers.Paths({\"run_dir\": self.tmp})\n )\n ds._fallback_interface = \"eth0\"\n with mock.patch(MOD_PATH + \".util.load_file\"):\ndiff --git a/tests/unittests/sources/test_ec2.py b/tests/unittests/sources/test_ec2.py\nindex 5f60ad737..32fed89da 100644\n--- a/tests/unittests/sources/test_ec2.py\n+++ b/tests/unittests/sources/test_ec2.py\n@@ -10,6 +10,7 @@ import requests\n import responses\n \n from cloudinit import helpers\n+from cloudinit.distros import ubuntu\n from cloudinit.sources import DataSourceEc2 as ec2\n from tests.unittests import helpers as test_helpers\n \n@@ -342,9 +343,11 @@ class TestEc2(test_helpers.ResponsesTestCase):\n p.start()\n self.addCleanup(p.stop)\n \n- def _setup_ds(self, sys_cfg, platform_data, md, md_version=None):\n+ def _setup_ds(\n+ self, sys_cfg, platform_data, md, md_version=None, distro=None\n+ ):\n self.uris = []\n- distro = mock.MagicMock()\n+ distro = distro or mock.MagicMock()\n distro.get_tmp_exec_path = self.tmp_dir\n paths = helpers.Paths({\"run_dir\": self.tmp})\n if sys_cfg is None:\n@@ -846,7 +849,7 @@ class TestEc2(test_helpers.ResponsesTestCase):\n \n @mock.patch(\"cloudinit.net.ephemeral.EphemeralIPv6Network\")\n @mock.patch(\"cloudinit.net.ephemeral.EphemeralIPv4Network\")\n- @mock.patch(\"cloudinit.net.find_fallback_nic\")\n+ @mock.patch(\"cloudinit.distros.net.find_fallback_nic\")\n @mock.patch(\"cloudinit.net.ephemeral.maybe_perform_dhcp_discovery\")\n @mock.patch(\"cloudinit.sources.DataSourceEc2.util.is_FreeBSD\")\n def test_ec2_local_performs_dhcp_on_non_bsd(\n@@ -873,6 +876,7 @@ class TestEc2(test_helpers.ResponsesTestCase):\n platform_data=self.valid_platform_data,\n sys_cfg={\"datasource\": {\"Ec2\": {\"strict_id\": False}}},\n md={\"md\": DEFAULT_METADATA},\n+ distro=ubuntu.Distro(\"\", {}, {}),\n )\n \n ret = ds.get_data()\ndiff --git a/tests/unittests/sources/test_init.py b/tests/unittests/sources/test_init.py\nindex 44d63b816..b3764945d 100644\n--- a/tests/unittests/sources/test_init.py\n+++ b/tests/unittests/sources/test_init.py\n@@ -6,6 +6,7 @@ import os\n import stat\n \n from cloudinit import importer, util\n+from cloudinit.distros import ubuntu\n from cloudinit.event import EventScope, EventType\n from cloudinit.helpers import Paths\n from cloudinit.sources import (\n@@ -73,7 +74,7 @@ class TestDataSource(CiTestCase):\n def setUp(self):\n super(TestDataSource, self).setUp()\n self.sys_cfg = {\"datasource\": {\"_undef\": {\"key1\": False}}}\n- self.distro = \"distrotest\" # generally should be a Distro object\n+ self.distro = ubuntu.Distro(\"\", {}, {})\n self.paths = Paths({})\n self.datasource = DataSource(self.sys_cfg, self.distro, self.paths)\n \n@@ -201,7 +202,7 @@ class TestDataSource(CiTestCase):\n for log in expected_logs:\n self.assertIn(log, logs)\n \n- @mock.patch(\"cloudinit.sources.net.find_fallback_nic\")\n+ @mock.patch(\"cloudinit.distros.net.find_fallback_nic\")\n def test_fallback_interface_is_discovered(self, m_get_fallback_nic):\n \"\"\"The fallback_interface is discovered via find_fallback_nic.\"\"\"\n m_get_fallback_nic.return_value = \"nic9\"\n@@ -221,7 +222,7 @@ class TestDataSource(CiTestCase):\n @mock.patch(\"cloudinit.sources.net.find_fallback_nic\")\n def test_wb_fallback_interface_is_cached(self, m_get_fallback_nic):\n \"\"\"The fallback_interface is cached and won't be rediscovered.\"\"\"\n- self.datasource._fallback_interface = \"nic10\"\n+ self.datasource.distro._fallback_interface = \"nic10\"\n self.assertEqual(\"nic10\", self.datasource.fallback_interface)\n m_get_fallback_nic.assert_not_called()\n \ndiff --git a/tests/unittests/sources/test_openstack.py b/tests/unittests/sources/test_openstack.py\nindex 127123cff..97cc8c94e 100644\n--- a/tests/unittests/sources/test_openstack.py\n+++ b/tests/unittests/sources/test_openstack.py\n@@ -338,7 +338,7 @@ class TestOpenStackDataSource(test_helpers.ResponsesTestCase):\n ds_os_local = ds.DataSourceOpenStackLocal(\n settings.CFG_BUILTIN, distro, helpers.Paths({\"run_dir\": self.tmp})\n )\n- ds_os_local._fallback_interface = \"eth9\" # Monkey patch for dhcp\n+ distro.fallback_interface = \"eth9\" # Monkey patch for dhcp\n m_dhcp.return_value = {\n \"interface\": \"eth9\",\n \"fixed-address\": \"192.168.2.9\",\n", "difficulty": 0, "changed_files": ["cloudinit/distros/__init__.py", "cloudinit/net/dhcp.py", "cloudinit/sources/__init__.py", "tests/unittests/net/test_dhcp.py", "tests/unittests/sources/test_cloudstack.py", "tests/unittests/sources/test_ec2.py", "tests/unittests/sources/test_init.py", "tests/unittests/sources/test_openstack.py"], "commit_link": "https://github.com/canonical/cloud-init/tree/4d5898b8a73c93e1ed4434744c2fa7c3f7fbd501"} \ No newline at end of file diff --git a/data/python/55d2e8d.json b/data/python/55d2e8d.json new file mode 100644 index 0000000000000000000000000000000000000000..e2bb58ba8f3226fb89ca7c56f1ed8b76682dad6f --- /dev/null +++ b/data/python/55d2e8d.json @@ -0,0 +1 @@ +{"language": "Python", "id": 67, "repo_owner": "canonical", "repo_name": "cloud-init", "head_branch": "main", "workflow_name": "Lint Tests", "workflow_filename": "check_format.yml", "workflow_path": ".github/workflows/check_format.yml", "contributor": "ani-sinha", "sha_fail": "55d2e8d4abb024997be878797d5625effad65d43", "sha_success": "9b3b3632cb86b74b79ed2b1fb3672a9f50604992", "workflow": "name: Lint Tests\non:\n pull_request:\n push:\n branches:\n - main\n\nconcurrency:\n group: 'ci-${{ github.workflow }}-${{ github.ref }}'\n cancel-in-progress: true\ndefaults:\n run:\n shell: sh -ex {0}\n\njobs:\n check_format:\n strategy:\n fail-fast: false\n matrix:\n env: [ruff, mypy, pylint, black, isort]\n lint-with:\n - {tip-versions: false, os: ubuntu-20.04}\n - {tip-versions: true, os: ubuntu-latest}\n name: Check ${{ matrix.lint-with.tip-versions && 'tip-' || '' }}${{ matrix.env }}\n runs-on: ${{ matrix.lint-with.os }}\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n\n - name: Dependencies\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n\n - name: Print version\n run: python3 --version\n\n - name: Test\n if: ${{ !matrix.lint-with.tip-versions }}\n env:\n # matrix env: not to be confused w/environment variables or testenv\n TOXENV: ${{ matrix.env }}\n run: tox\n - name: Test (tip versions)\n if: matrix.lint-with.tip-versions\n continue-on-error: true\n env:\n TOXENV: tip-${{ matrix.env }}\n run: tox\n schema-format:\n strategy:\n fail-fast: false\n name: Check json format\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Test format\"\n run: |\n tools/check_json_format.sh cloudinit/config/schemas/schema-cloud-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/schema-network-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/versions.schema.cloud-config.json\n\n doc:\n strategy:\n fail-fast: false\n name: Check docs\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n - name: \"Install Python 3.10\"\n uses: actions/setup-python@v4\n with:\n python-version: '3.10.8'\n - name: \"Install dependencies\"\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox lintian\n - name: \"Spellcheck\"\n run: |\n make check_spelling\n - name: \"Build docs\"\n env:\n TOXENV: doc\n run: |\n tox\n\n shell-lint:\n name: Shell Lint\n runs-on: ubuntu-22.04\n steps:\n - name: Checkout\n uses: actions/checkout@v3.0.0\n\n - name: Install ShellCheck\n run: |\n sudo apt-get update\n sudo apt install shellcheck\n\n - name: Run ShellCheck\n run: |\n shellcheck ./tools/ds-identify\n\n check-cla-signers:\n runs-on: ubuntu-22.04\n steps:\n - uses: actions/checkout@v3.0.0\n\n - name: Check CLA signers file\n run: tools/check-cla-signers\n", "logs": [{"step_name": "Check pylint/6_Test.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/sh -ex {0}\nenv:\n TOXENV: pylint\n##[endgroup]\n+ tox\nGLOB sdist-make: /home/runner/work/cloud-init/cloud-init/setup.py\npylint create: /home/runner/work/cloud-init/cloud-init/.tox/pylint\npylint installdeps: pylint===2.13.9, -r/home/runner/work/cloud-init/cloud-init/test-requirements.txt, -r/home/runner/work/cloud-init/cloud-init/integration-requirements.txt\npylint inst: /home/runner/work/cloud-init/cloud-init/.tox/.tmp/package/1/cloud-init-23.4+28.ge396f22f.zip\npylint installed: adal==1.2.7,appdirs==1.4.4,applicationinsights==0.11.10,argcomplete==3.1.6,astroid==2.11.7,attrs==23.1.0,autopage==0.5.2,azure-cli-core==2.55.0,azure-cli-telemetry==1.1.0,azure-common==1.1.28,azure-core==1.29.5,azure-identity==1.15.0,azure-mgmt-compute==30.3.0,azure-mgmt-core==1.4.0,azure-mgmt-network==25.1.0,azure-mgmt-resource==23.0.1,bcrypt==4.1.1,boto3==1.33.9,botocore==1.33.9,cachetools==5.3.2,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,circuitbreaker==1.4.0,cliff==4.4.0,cloud-init==23.4+28.ge396f22f,cmd2==2.4.3,configobj==5.0.8,coverage==7.3.2,cryptography==41.0.7,debtcollector==2.5.0,decorator==5.1.1,dill==0.3.7,distro==1.8.0,dogpile.cache==1.2.2,exceptiongroup==1.2.0,google-api-core==2.14.0,google-api-python-client==2.109.0,google-auth==2.25.1,google-auth-httplib2==0.1.1,googleapis-common-protos==1.61.0,httplib2==0.22.0,humanfriendly==10.0,ibm-cloud-sdk-core==3.18.0,ibm-platform-services==0.47.1,ibm-vpc==0.20.0,idna==3.6,importlib-metadata==7.0.0,importlib-resources==6.1.1,iniconfig==2.0.0,iso8601==2.1.0,isodate==0.6.1,isort==5.12.0,Jinja2==3.1.2,jmespath==1.0.1,jsonpatch==1.33,jsonpointer==2.4,jsonschema==4.20.0,jsonschema-specifications==2023.11.2,keystoneauth1==5.4.0,knack==0.11.0,lazy-object-proxy==1.9.0,MarkupSafe==2.1.3,mccabe==0.7.0,msal==1.26.0,msal-extensions==1.0.0,msgpack==1.0.7,msrest==0.7.1,msrestazure==0.6.4,netaddr==0.9.0,netifaces==0.11.0,oauthlib==3.2.2,oci==2.117.0,openstacksdk==1.4.0,os-service-types==1.7.0,osc-lib==2.9.0,oslo.config==9.2.0,oslo.i18n==6.2.0,oslo.serialization==5.2.0,oslo.utils==6.3.0,packaging==23.2,paramiko==3.3.1,passlib==1.7.4,pbr==6.0.0,pkginfo==1.9.6,pkgutil-resolve-name==1.3.10,platformdirs==4.1.0,pluggy==1.3.0,portalocker==2.8.2,prettytable==3.9.0,protobuf==3.19.6,psutil==5.9.6,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycloudlib==1!5.11.0,pycparser==2.21,pygments==2.17.2,PyJWT==2.8.0,pylint==2.13.9,PyNaCl==1.5.0,pyOpenSSL==23.3.0,pyparsing==2.4.7,pyperclip==1.8.2,pyserial==3.5,pytest==7.4.3,pytest-cov==4.1.0,pytest-mock==3.12.0,python-cinderclient==9.4.0,python-dateutil==2.8.2,python-keystoneclient==5.2.0,python-novaclient==18.4.0,python-openstackclient==6.4.0,pytz==2023.3.post1,PyYAML==6.0.1,qemu.qmp==0.0.3,referencing==0.31.1,requests==2.31.0,requests-oauthlib==1.3.1,requestsexceptions==1.4.0,responses==0.24.1,rfc3986==2.0.0,rpds-py==0.13.2,rsa==4.9,s3transfer==0.8.2,simplejson==3.19.2,six==1.16.0,stevedore==5.1.0,tabulate==0.9.0,toml==0.10.0,tomli==2.0.1,typing-extensions==4.8.0,tzdata==2023.3,uritemplate==4.1.1,urllib3==2.1.0,wcwidth==0.2.12,wrapt==1.16.0,zipp==3.17.0\npylint run-test-pre: PYTHONHASHSEED='1481622646'\npylint run-test: commands[0] | /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py\n************* Module tests.unittests.test_net_activators\ntests/unittests/test_net_activators.py:329: [E0213(no-self-argument), TestNetworkManagerActivatorBringUp.fake_isfile_no_nmconn] Method should have \"self\" as first argument\ntests/unittests/test_net_activators.py:330: [E1101(no-member), TestNetworkManagerActivatorBringUp.fake_isfile_no_nmconn] Instance of 'TestNetworkManagerActivatorBringUp' has no 'endswith' member\n\n------------------------------------\nYour code has been rated at 10.00/10\n\nERROR: InvocationError for command /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py (exited with code 2)\n___________________________________ summary ____________________________________\nERROR: pylint: commands failed\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/unittests/test_net_activators.py b/tests/unittests/test_net_activators.py\nindex 0b3c11c1a..c14425fd6 100644\n--- a/tests/unittests/test_net_activators.py\n+++ b/tests/unittests/test_net_activators.py\n@@ -326,15 +326,12 @@ class TestActivatorsBringDown:\n \n \n class TestNetworkManagerActivatorBringUp:\n- def fake_isfile_no_nmconn(filename):\n- return False if filename.endswith(\".nmconnection\") else True\n-\n @patch(\"cloudinit.subp.subp\", return_value=(\"\", \"\"))\n @patch(\n \"cloudinit.net.network_manager.available_nm_ifcfg_rh\",\n return_value=True,\n )\n- @patch.object(os.path, \"isfile\", side_effect=fake_isfile_no_nmconn)\n+ @patch.object(os.path, \"isfile\")\n @patch(\"os.path.exists\", return_value=True)\n def test_bring_up_interface_no_nm_conn(\n self, m_exists, m_isfile, m_plugin, m_subp\n@@ -344,6 +341,12 @@ class TestNetworkManagerActivatorBringUp:\n present and ifcfg interface config files are also present. In this\n case, we should use ifcfg files.\n \"\"\"\n+\n+ def fake_isfile_no_nmconn(filename):\n+ return False if filename.endswith(\".nmconnection\") else True\n+\n+ m_isfile.side_effect = fake_isfile_no_nmconn\n+\n expected_call_list = [\n (\n (\n@@ -377,6 +380,7 @@ class TestNetworkManagerActivatorBringUp:\n {},\n ),\n ]\n+\n index = 0\n assert NetworkManagerActivator.bring_up_interface(\"eth0\")\n for call in m_subp.call_args_list:\n@@ -388,7 +392,7 @@ class TestNetworkManagerActivatorBringUp:\n \"cloudinit.net.network_manager.available_nm_ifcfg_rh\",\n return_value=False,\n )\n- @patch.object(os.path, \"isfile\", side_effect=fake_isfile_no_nmconn)\n+ @patch.object(os.path, \"isfile\")\n @patch(\"os.path.exists\", return_value=True)\n def test_bring_up_interface_no_plugin_no_nm_conn(\n self, m_exists, m_isfile, m_plugin, m_subp\n@@ -398,6 +402,11 @@ class TestNetworkManagerActivatorBringUp:\n not present. In this case, we can't use ifcfg file and the\n interface bring up should fail.\n \"\"\"\n+\n+ def fake_isfile_no_nmconn(filename):\n+ return False if filename.endswith(\".nmconnection\") else True\n+\n+ m_isfile.side_effect = fake_isfile_no_nmconn\n assert not NetworkManagerActivator.bring_up_interface(\"eth0\")\n \n @patch(\"cloudinit.subp.subp\", return_value=(\"\", \"\"))\n", "difficulty": 1, "changed_files": ["tests/unittests/test_net_activators.py"], "commit_link": "https://github.com/canonical/cloud-init/tree/55d2e8d4abb024997be878797d5625effad65d43"} \ No newline at end of file diff --git a/data/python/55f8e66.json b/data/python/55f8e66.json new file mode 100644 index 0000000000000000000000000000000000000000..be199e558fb867956f1de0d0fa466d887cd56bd1 --- /dev/null +++ b/data/python/55f8e66.json @@ -0,0 +1 @@ +{"language": "Python", "id": 50, "repo_owner": "cowrie", "repo_name": "cowrie", "head_branch": "oracle_cloud_logs", "workflow_name": "Tox", "workflow_filename": "tox.yml", "workflow_path": ".github/workflows/tox.yml", "contributor": "mamorett", "sha_fail": "55f8e6684499eb6abe5b1c1dba01ca4c90d2c949", "sha_success": "75c7daecfd2471b4dc10ca5d402ac8aff2005b5b", "workflow": "---\nname: Tox\n\non: # yamllint disable-line rule:truthy\n push:\n\n pull_request:\n\n workflow_dispatch:\n inputs:\n logLevel:\n description: 'Log level'\n required: true\n default: 'warning'\n tags:\n description: 'Tox'\n\njobs:\n build:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\", \"pypy-3.9\", \"pypy-3.10\"]\n steps:\n - uses: actions/checkout@v4\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip setuptools wheel\n python -m pip install -r requirements.txt\n python -m pip install -r requirements-dev.txt\n pip install tox-gh-actions\n - name: Test with tox\n run: tox\n", "logs": [{"step_name": "build (3.10)/5_Test with tox.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\nlint: install_deps> python -I -m pip install -r /home/runner/work/cowrie/cowrie/requirements.txt -r /home/runner/work/cowrie/cowrie/requirements-dev.txt\nlint: freeze> python -m pip freeze --all\nlint: alabaster==0.7.13,appdirs==1.4.4,astroid==3.0.1,attrs==23.1.0,Automat==22.10.0,Babel==2.13.1,bcrypt==4.0.1,build==1.0.3,cachetools==5.3.2,certifi==2023.7.22,cffi==1.16.0,cfgv==3.4.0,chardet==5.2.0,charset-normalizer==3.3.2,click==8.1.7,colorama==0.4.6,configparser==6.0.0,constantly==23.10.4,coverage==7.3.2,cryptography==41.0.4,dataclasses-json==0.6.2,dill==0.3.7,distlib==0.3.7,docutils==0.18.1,filelock==3.13.1,hyperlink==21.0.0,identify==2.5.31,idna==3.4,imagesize==1.4.1,importlab==0.8.1,incremental==22.10.0,intervaltree==3.1.0,isort==5.12.0,Jinja2==3.1.2,libcst==0.4.9,MarkupSafe==2.1.3,marshmallow==3.20.1,mccabe==0.7.0,mypy==1.4.1,mypy-extensions==1.0.0,mypy-zope==1.0.1,networkx==3.1,ninja==1.11.1.1,nodeenv==1.8.0,packaging==23.2,pathspec==0.11.2,pip==23.3.1,pipdeptree==2.13.0,platformdirs==3.11.0,pluggy==1.3.0,pre-commit==3.5.0,psutil==5.9.6,pyasn1==0.5.0,pyasn1-modules==0.3.0,pycparser==2.21,pydot==1.4.2,Pygments==2.16.1,pylint==3.0.2,pyOpenSSL==23.2.0,pyparsing==3.1.1,pyproject-api==1.6.1,pyproject_hooks==1.0.0,pyre-check==0.9.19,pyre-extensions==0.0.30,pyright==1.1.333,python-dateutil==2.8.2,pytype==2023.6.2,pyupgrade==3.15.0,PyYAML==6.0.1,readthedocs-sphinx-search==0.3.1,requests==2.31.0,ruff==0.1.3,service-identity==23.1.0,setuptools==68.2.2,six==1.16.0,snowballstemmer==2.2.0,sortedcontainers==2.4.0,Sphinx==7.2.6,sphinx-copybutton==0.5.2,sphinx-rtd-theme==1.3.0,sphinxcontrib-applehelp==1.0.7,sphinxcontrib-devhelp==1.0.5,sphinxcontrib-htmlhelp==2.0.4,sphinxcontrib-jquery==4.1,sphinxcontrib-jsmath==1.0.1,sphinxcontrib-qthelp==1.0.6,sphinxcontrib-serializinghtml==1.1.9,tabulate==0.9.0,TestSlide==2.7.1,tftpy==0.8.2,tokenize-rt==5.2.0,toml==0.10.2,tomli==2.0.1,tomlkit==0.12.2,tox==4.11.3,treq==22.2.0,Twisted==23.10.0,typeguard==2.13.3,types-pyOpenSSL==23.3.0.0,types-python-dateutil==2.8.19.14,types-redis==4.6.0.7,types-requests==2.31.0.10,typing-inspect==0.9.0,typing_extensions==4.8.0,urllib3==2.0.7,virtualenv==20.24.6,wheel==0.41.2,yamllint==1.32.0,zope.event==5.0,zope.interface==6.1,zope.schema==7.0.1\n##[group]tox: lint\nlint: commands[0]> ruff /home/runner/work/cowrie/cowrie/src\nsrc/cowrie/output/oraclecloud.py:3:26: F401 [*] `configparser.NoOptionError` imported but unused\nsrc/cowrie/output/oraclecloud.py:8:8: F811 Redefinition of unused `oci` from line 5\nsrc/cowrie/output/oraclecloud.py:9:17: F401 [*] `oci.auth` imported but unused\nsrc/cowrie/output/oraclecloud.py:24:25: Q000 [*] Single quotes found but double quotes preferred\nsrc/cowrie/output/oraclecloud.py:53:13: T201 `print` found\nsrc/cowrie/output/oraclecloud.py:58:13: T201 `print` found\nFound 6 errors.\n[*] 3 fixable with the `--fix` option.\nlint: exit 1 (0.10 seconds) /home/runner/work/cowrie/cowrie> ruff /home/runner/work/cowrie/cowrie/src pid=2034\n##[endgroup]\nlint: FAIL \u2716 in 36.55 seconds\ndocs: install_deps> python -I -m pip install -r /home/runner/work/cowrie/cowrie/requirements.txt -r /home/runner/work/cowrie/cowrie/requirements-dev.txt\ndocs: freeze> python -m pip freeze --all\ndocs: alabaster==0.7.13,appdirs==1.4.4,astroid==3.0.1,attrs==23.1.0,Automat==22.10.0,Babel==2.13.1,bcrypt==4.0.1,build==1.0.3,cachetools==5.3.2,certifi==2023.7.22,cffi==1.16.0,cfgv==3.4.0,chardet==5.2.0,charset-normalizer==3.3.2,click==8.1.7,colorama==0.4.6,configparser==6.0.0,constantly==23.10.4,coverage==7.3.2,cryptography==41.0.4,dataclasses-json==0.6.2,dill==0.3.7,distlib==0.3.7,docutils==0.18.1,filelock==3.13.1,hyperlink==21.0.0,identify==2.5.31,idna==3.4,imagesize==1.4.1,importlab==0.8.1,incremental==22.10.0,intervaltree==3.1.0,isort==5.12.0,Jinja2==3.1.2,libcst==0.4.9,MarkupSafe==2.1.3,marshmallow==3.20.1,mccabe==0.7.0,mypy==1.4.1,mypy-extensions==1.0.0,mypy-zope==1.0.1,networkx==3.1,ninja==1.11.1.1,nodeenv==1.8.0,packaging==23.2,pathspec==0.11.2,pip==23.3.1,pipdeptree==2.13.0,platformdirs==3.11.0,pluggy==1.3.0,pre-commit==3.5.0,psutil==5.9.6,pyasn1==0.5.0,pyasn1-modules==0.3.0,pycparser==2.21,pydot==1.4.2,Pygments==2.16.1,pylint==3.0.2,pyOpenSSL==23.2.0,pyparsing==3.1.1,pyproject-api==1.6.1,pyproject_hooks==1.0.0,pyre-check==0.9.19,pyre-extensions==0.0.30,pyright==1.1.333,python-dateutil==2.8.2,pytype==2023.6.2,pyupgrade==3.15.0,PyYAML==6.0.1,readthedocs-sphinx-search==0.3.1,requests==2.31.0,ruff==0.1.3,service-identity==23.1.0,setuptools==68.2.2,six==1.16.0,snowballstemmer==2.2.0,sortedcontainers==2.4.0,Sphinx==7.2.6,sphinx-copybutton==0.5.2,sphinx-rtd-theme==1.3.0,sphinxcontrib-applehelp==1.0.7,sphinxcontrib-devhelp==1.0.5,sphinxcontrib-htmlhelp==2.0.4,sphinxcontrib-jquery==4.1,sphinxcontrib-jsmath==1.0.1,sphinxcontrib-qthelp==1.0.6,sphinxcontrib-serializinghtml==1.1.9,tabulate==0.9.0,TestSlide==2.7.1,tftpy==0.8.2,tokenize-rt==5.2.0,toml==0.10.2,tomli==2.0.1,tomlkit==0.12.2,tox==4.11.3,treq==22.2.0,Twisted==23.10.0,typeguard==2.13.3,types-pyOpenSSL==23.3.0.0,types-python-dateutil==2.8.19.14,types-redis==4.6.0.7,types-requests==2.31.0.10,typing-inspect==0.9.0,typing_extensions==4.8.0,urllib3==2.0.7,virtualenv==20.24.6,wheel==0.41.2,yamllint==1.32.0,zope.event==5.0,zope.interface==6.1,zope.schema==7.0.1\n##[group]tox: docs\ndocs: commands[0] /home/runner/work/cowrie/cowrie/docs> sphinx-build -W -b html -d /home/runner/work/cowrie/cowrie/.tox/docs/tmp/doctrees . /home/runner/work/cowrie/cowrie/.tox/docs/tmp/html\nRunning Sphinx v7.2.6\nmaking output directory... done\nloading intersphinx inventory from https://docs.python.org/3/objects.inv...\nloading intersphinx inventory from https://docs.twistedmatrix.com/en/latest/api/objects.inv...\nbuilding [mo]: targets for 0 po files that are out of date\nwriting output... \nbuilding [html]: targets for 24 source files that are out of date\nupdating environment: [new config] 24 added, 0 changed, 0 removed\n\u001b[2Kreading sources... [ 4%] BACKEND_POOL\n\u001b[2Kreading sources... [ 8%] CHANGELOG\n\u001b[2Kreading sources... [ 12%] CONTRIBUTING\n\u001b[2Kreading sources... [ 17%] FAQ\n\u001b[2Kreading sources... [ 21%] HONEYFS\n\u001b[2Kreading sources... [ 25%] INSTALL\n\u001b[2Kreading sources... [ 29%] LICENSE\n\u001b[2Kreading sources... [ 33%] OUTPUT\n\u001b[2Kreading sources... [ 38%] PROXY\n\u001b[2Kreading sources... [ 42%] README\n\u001b[2Kreading sources... [ 46%] SNAPSHOTS\n\u001b[2Kreading sources... [ 50%] datadog/README\n\u001b[2Kreading sources... [ 54%] docker/README\n\u001b[2Kreading sources... [ 58%] elk/README\n\u001b[2Kreading sources... [ 62%] graylog/README\n\u001b[2Kreading sources... [ 67%] index\n\u001b[2Kreading sources... [ 71%] kippo-graph/README\n\u001b[2Kreading sources... [ 75%] sentinel/README\n\u001b[2Kreading sources... [ 79%] splunk/README\n\u001b[2Kreading sources... [ 83%] sql/README\n\u001b[2Kreading sources... [ 88%] squid/README\n\u001b[2Kreading sources... [ 92%] supervisor/README\n\u001b[2Kreading sources... [ 96%] systemd/README\n\u001b[2Kreading sources... [100%] threatjammer/README\nlooking for now-outdated files... none found\npickling environment... done\nchecking consistency... done\npreparing documents... done\ncopying assets... copying static files... done\ncopying extra files... done\ndone\n\u001b[2Kwriting output... [ 4%] BACKEND_POOL\n\u001b[2Kwriting output... [ 8%] CHANGELOG\n\u001b[2Kwriting output... [ 12%] CONTRIBUTING\n\u001b[2Kwriting output... [ 17%] FAQ\n\u001b[2Kwriting output... [ 21%] HONEYFS\n\u001b[2Kwriting output... [ 25%] INSTALL\n\u001b[2Kwriting output... [ 29%] LICENSE\n\u001b[2Kwriting output... [ 33%] OUTPUT\n\u001b[2Kwriting output... [ 38%] PROXY\n\u001b[2Kwriting output... [ 42%] README\n\u001b[2Kwriting output... [ 46%] SNAPSHOTS\n\u001b[2Kwriting output... [ 50%] datadog/README\n\u001b[2Kwriting output... [ 54%] docker/README\n\u001b[2Kwriting output... [ 58%] elk/README\n\u001b[2Kwriting output... [ 62%] graylog/README\n\u001b[2Kwriting output... [ 67%] index\n\u001b[2Kwriting output... [ 71%] kippo-graph/README\n\u001b[2Kwriting output... [ 75%] sentinel/README\n\u001b[2Kwriting output... [ 79%] splunk/README\n\u001b[2Kwriting output... [ 83%] sql/README\n\u001b[2Kwriting output... [ 88%] squid/README\n\u001b[2Kwriting output... [ 92%] supervisor/README\n\u001b[2Kwriting output... [ 96%] systemd/README\n\u001b[2Kwriting output... [100%] threatjammer/README\ngenerating indices... genindex done\nhighlighting module code... \nwriting additional pages... search done\ndumping search index in English (code: en)... done\ndumping object inventory... done\nbuild succeeded.\n\nThe HTML pages are in ../.tox/docs/tmp/html.\n##[endgroup]\ndocs: OK \u2714 in 40.98 seconds\ntyping: install_deps> python -I -m pip install -r /home/runner/work/cowrie/cowrie/requirements.txt -r /home/runner/work/cowrie/cowrie/requirements-dev.txt\ntyping: freeze> python -m pip freeze --all\ntyping: alabaster==0.7.13,appdirs==1.4.4,astroid==3.0.1,attrs==23.1.0,Automat==22.10.0,Babel==2.13.1,bcrypt==4.0.1,build==1.0.3,cachetools==5.3.2,certifi==2023.7.22,cffi==1.16.0,cfgv==3.4.0,chardet==5.2.0,charset-normalizer==3.3.2,click==8.1.7,colorama==0.4.6,configparser==6.0.0,constantly==23.10.4,coverage==7.3.2,cryptography==41.0.4,dataclasses-json==0.6.2,dill==0.3.7,distlib==0.3.7,docutils==0.18.1,filelock==3.13.1,hyperlink==21.0.0,identify==2.5.31,idna==3.4,imagesize==1.4.1,importlab==0.8.1,incremental==22.10.0,intervaltree==3.1.0,isort==5.12.0,Jinja2==3.1.2,libcst==0.4.9,MarkupSafe==2.1.3,marshmallow==3.20.1,mccabe==0.7.0,mypy==1.4.1,mypy-extensions==1.0.0,mypy-zope==1.0.1,networkx==3.1,ninja==1.11.1.1,nodeenv==1.8.0,packaging==23.2,pathspec==0.11.2,pip==23.3.1,pipdeptree==2.13.0,platformdirs==3.11.0,pluggy==1.3.0,pre-commit==3.5.0,psutil==5.9.6,pyasn1==0.5.0,pyasn1-modules==0.3.0,pycparser==2.21,pydot==1.4.2,Pygments==2.16.1,pylint==3.0.2,pyOpenSSL==23.2.0,pyparsing==3.1.1,pyproject-api==1.6.1,pyproject_hooks==1.0.0,pyre-check==0.9.19,pyre-extensions==0.0.30,pyright==1.1.333,python-dateutil==2.8.2,pytype==2023.6.2,pyupgrade==3.15.0,PyYAML==6.0.1,readthedocs-sphinx-search==0.3.1,requests==2.31.0,ruff==0.1.3,service-identity==23.1.0,setuptools==68.2.2,six==1.16.0,snowballstemmer==2.2.0,sortedcontainers==2.4.0,Sphinx==7.2.6,sphinx-copybutton==0.5.2,sphinx-rtd-theme==1.3.0,sphinxcontrib-applehelp==1.0.7,sphinxcontrib-devhelp==1.0.5,sphinxcontrib-htmlhelp==2.0.4,sphinxcontrib-jquery==4.1,sphinxcontrib-jsmath==1.0.1,sphinxcontrib-qthelp==1.0.6,sphinxcontrib-serializinghtml==1.1.9,tabulate==0.9.0,TestSlide==2.7.1,tftpy==0.8.2,tokenize-rt==5.2.0,toml==0.10.2,tomli==2.0.1,tomlkit==0.12.2,tox==4.11.3,treq==22.2.0,Twisted==23.10.0,typeguard==2.13.3,types-pyOpenSSL==23.3.0.0,types-python-dateutil==2.8.19.14,types-redis==4.6.0.7,types-requests==2.31.0.10,typing-inspect==0.9.0,typing_extensions==4.8.0,urllib3==2.0.7,virtualenv==20.24.6,wheel==0.41.2,yamllint==1.32.0,zope.event==5.0,zope.interface==6.1,zope.schema==7.0.1\n##[group]tox: typing - run static type checkers\ntyping: commands[0]> mypy --cache-dir=/home/runner/work/cowrie/cowrie/.tox/mypy_cache --config-file=/home/runner/work/cowrie/cowrie/pyproject.toml src\nSuccess: no issues found in 178 source files\ntyping: commands[1]> mypyc --cache-dir=/home/runner/work/cowrie/cowrie/.tox/mypyc_cache --config-file=/home/runner/work/cowrie/cowrie/pyproject.toml src\nTraceback (most recent call last):\n File \"mypyc/irbuild/prepare.py\", line 98, in build_type_map\n File \"mypyc/irbuild/prepare.py\", line 307, in prepare_class_def\n File \"mypyc/irbuild/prepare.py\", line 331, in prepare_methods_and_attributes\n File \"mypyc/irbuild/mapper.py\", line 143, in type_to_rtype\nsrc/cowrie/shell/protocol.py:25: AssertionError: unexpected type \ntyping: exit 2 (27.33 seconds) /home/runner/work/cowrie/cowrie> mypyc --cache-dir=/home/runner/work/cowrie/cowrie/.tox/mypyc_cache --config-file=/home/runner/work/cowrie/cowrie/pyproject.toml src pid=2261\ntyping: command failed but is marked ignore outcome so handling it as success\ntyping: commands[2]> pytype --keep-going --jobs auto\nusage: pytype [options] input [input ...]\npytype: error: Need an input.\ntyping: exit 2 (0.92 seconds) /home/runner/work/cowrie/cowrie> pytype --keep-going --jobs auto pid=2279\ntyping: command failed but is marked ignore outcome so handling it as success\ntyping: commands[3]> pyre --noninteractive analyze\n2023-11-13 09:01:56,237 [PID 2286] INFO No binary specified, looking for `pyre.bin` in PATH\n2023-11-13 09:01:56,238 [PID 2286] INFO Pyre binary is located at `/home/runner/work/cowrie/cowrie/.tox/typing/bin/pyre.bin`\n2023-11-13 09:01:56,239 [PID 2286] INFO No typeshed specified, looking for it...\n2023-11-13 09:01:56,239 [PID 2286] INFO Found: `/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed`\n2023-11-13 09:01:56,243 [PID 2286] INFO Writing arguments into /tmp/pyre_arguments_480k7g42.json...\n2023-11-13 09:01:56,243 [PID 2286] DEBUG Arguments:\n{\n \"source_paths\": {\n \"kind\": \"simple\",\n \"paths\": [\n \"/home/runner/work/cowrie/cowrie/src\"\n ]\n },\n \"search_paths\": [\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stdlib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/D3DShot\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/DateTimeRange\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Deprecated\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/ExifRead\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Flask-Cors\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Flask-Migrate\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Flask-SQLAlchemy\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/JACK-Client\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Markdown\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Pillow\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/PyAutoGUI\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/PyMySQL\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/PyScreeze\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/PyYAML\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Pygments\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/SQLAlchemy\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/Send2Trash\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/aiofiles\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/annoy\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/appdirs\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/aws-xray-sdk\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/babel\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/backports.ssl_match_hostname\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/beautifulsoup4\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/bleach\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/boto\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/braintree\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/cachetools\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/caldav\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/cffi\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/chardet\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/chevron\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/click-spinner\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/colorama\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/commonmark\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/console-menu\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/contextvars\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/croniter\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/dateparser\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/decorator\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/dj-database-url\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/dockerfile-parse\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/docopt\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/docutils\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/editdistance\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/emoji\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/entrypoints\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/first\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-2020\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-bugbear\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-builtins\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-docstrings\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-plugin-utils\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-rst-docstrings\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-simplify\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/flake8-typing-imports\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/fpdf2\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/gdb\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/google-cloud-ndb\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/hdbcli\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/html5lib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/httplib2\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/humanfriendly\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/ibm-db\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/influxdb-client\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/invoke\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/jmespath\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/jsonschema\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/keyboard\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/ldap3\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/mock\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/mypy-extensions\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/mysqlclient\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/netaddr\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/oauthlib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/openpyxl\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/opentracing\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/paho-mqtt\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/paramiko\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/parsimonious\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/passlib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/passpy\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/peewee\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pep8-naming\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pika\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/playsound\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/polib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/prettytable\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/protobuf\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/psutil\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/psycopg2\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyOpenSSL\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyRFC3339\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyasn1\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyaudio\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pycocotools\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pycurl\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyfarmhash\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyflakes\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyinstaller\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pynput\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyserial\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pysftp\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pytest-lazy-fixture\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-crontab\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-datemath\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-dateutil\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-gflags\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-jose\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-nmap\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-slugify\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/python-xlib\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pytz\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pyvmomi\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/pywin32\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/redis\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/regex\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/requests\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/retry\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/setuptools\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/simplejson\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/singledispatch\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/six\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/slumber\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/stdlib-list\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/stripe\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tabulate\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tensorflow\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/termcolor\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/toml\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/toposort\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tqdm\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tree-sitter\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tree-sitter-languages\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/ttkthemes\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/typed-ast\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/tzlocal\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/ujson\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/untangle\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/urllib3\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/vobject\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/waitress\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/whatthepatch\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/xmltodict\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/xxhash\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/zstd\",\n \"/home/runner/work/cowrie/cowrie/.tox/typing/lib/pyre_check/typeshed/stubs/zxcvbn\"\n ],\n \"excludes\": [\n \".*/src/cowrie/output/.*\"\n ],\n \"checked_directory_allowlist\": [\n \"/home/runner/work/cowrie/cowrie/src\"\n ],\n \"checked_directory_blocklist\": [],\n \"extensions\": [],\n \"log_path\": \"/home/runner/work/cowrie/cowrie/.pyre\",\n \"global_root\": \"/home/runner/work/cowrie/cowrie\",\n \"debug\": false,\n \"python_version\": {\n \"major\": 3,\n \"minor\": 10,\n \"micro\": 13\n },\n \"shared_memory\": {},\n \"parallel\": true,\n \"number_of_workers\": 4,\n \"inline_decorators\": false,\n \"no_verify\": false,\n \"verify_dsl\": false,\n \"verify_taint_config_only\": false,\n \"strict\": false,\n \"taint_model_paths\": [],\n \"use_cache\": false,\n \"build_cache_only\": false,\n \"check_invariants\": false,\n \"limit_entrypoints\": false,\n \"compact_ocaml_heap\": false,\n \"saved_state\": {\n \"watchman_root\": null,\n \"project_name\": null,\n \"cache_critical_files\": []\n }\n}\n2023-11-13 09:01:56,290 [PID 2286] INFO Initializing shared memory (heap_size: 8589934592, dep_table_pow: 27, hash_table_pow: 26)\n2023-11-13 09:01:56,316 [PID 2286] INFO Verifying taint configuration.\n2023-11-13 09:01:56,332 [PID 2286] ERROR Found 1 taint configuration error!\n? No `.config` was found in the taint directories\ntyping: exit 9 (1.53 seconds) /home/runner/work/cowrie/cowrie> pyre --noninteractive analyze pid=2286\ntyping: command failed but is marked ignore outcome so handling it as success\ntyping: commands[4]> pyright src\n\nadded 1 package, and audited 2 packages in 3s\n\nfound 0 vulnerabilities\nnpm notice \nnpm notice New major version of npm available! 9.8.1 -> 10.2.3\nnpm notice Changelog: \nnpm notice Run `npm install -g npm@10.2.3` to update!\nnpm notice \n/home/runner/work/cowrie/cowrie/src/backend_pool/nat.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:17:40 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:39:17 - error: \"connectTCP\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:47:21 - error: \"callLater\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:51:44 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:51:44 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/nat.py:56:44 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/backend_pool/pool_server.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/pool_server.py:184:28 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/backend_pool/pool_service.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/pool_service.py:161:16 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/backend_pool/pool_service.py:191:16 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/backend_pool/pool_service.py:349:35 - error: \"None\" is not iterable (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/backend_pool/ssh_exec.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/ssh_exec.py:30:19 - error: \"sendRequest\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/ssh_exec.py:39:19 - error: \"transport\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/ssh_exec.py:103:13 - error: \"connectTCP\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/backend_pool/telnet_exec.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/telnet_exec.py:61:46 - error: Cannot access member \"factory\" for type \"ITransport\"\n \u00a0\u00a0Member \"factory\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/backend_pool/telnet_exec.py:61:46 - error: \"factory\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/telnet_exec.py:94:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/backend_pool/telnet_exec.py:139:17 - error: \"connectTCP\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/backend_service.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/backend_service.py:32:16 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/guest_handler.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/guest_handler.py:22:12 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/network_handler.py\n /home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/network_handler.py:16:12 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/backend_pool/libvirt/network_handler.py:42:12 - error: Import \"libvirt\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:7:5 - warning: \"adduser\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:8:5 - warning: \"apt\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:9:5 - warning: \"awk\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:10:5 - warning: \"base\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:11:5 - warning: \"base64\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:12:5 - warning: \"busybox\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:13:5 - warning: \"cat\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:14:5 - warning: \"chmod\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:15:5 - warning: \"chpasswd\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:16:5 - warning: \"crontab\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:17:5 - warning: \"curl\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:18:5 - warning: \"dd\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:19:5 - warning: \"du\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:20:5 - warning: \"env\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:21:5 - warning: \"ethtool\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:22:5 - warning: \"finger\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:23:5 - warning: \"free\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:24:5 - warning: \"fs\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:25:5 - warning: \"ftpget\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:26:5 - warning: \"gcc\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:27:5 - warning: \"groups\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:28:5 - warning: \"ifconfig\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:29:5 - warning: \"iptables\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:30:5 - warning: \"last\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:31:5 - warning: \"locate\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:32:5 - warning: \"ls\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:33:5 - warning: \"nc\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:34:5 - warning: \"netstat\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:35:5 - warning: \"nohup\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:36:5 - warning: \"perl\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:37:5 - warning: \"ping\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:38:5 - warning: \"python\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:39:5 - warning: \"scp\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:40:5 - warning: \"service\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:41:5 - warning: \"sleep\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:42:5 - warning: \"ssh\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:43:5 - warning: \"sudo\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:44:5 - warning: \"tar\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:45:5 - warning: \"tee\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:46:5 - warning: \"tftp\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:47:5 - warning: \"ulimit\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:48:5 - warning: \"uname\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:49:5 - warning: \"uniq\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:50:5 - warning: \"unzip\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:51:5 - warning: \"uptime\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:52:5 - warning: \"wc\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:53:5 - warning: \"wget\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:54:5 - warning: \"which\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/__init__.py:55:5 - warning: \"yum\" is specified in __all__ but is not present in module (reportUnsupportedDunderAll)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/chmod.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/chmod.py:74:16 - error: No overloads for \"fullmatch\" match the provided arguments (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/chmod.py:74:41 - error: Argument of type \"Unknown | str | None\" cannot be assigned to parameter \"string\" of type \"str\" in function \"fullmatch\"\n \u00a0\u00a0Type \"Unknown | str | None\" cannot be assigned to type \"str\"\n \u00a0\u00a0\u00a0\u00a0Type \"None\" cannot be assigned to type \"str\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:225:12 - error: Operator \"not in\" not supported for types \"Literal['://']\" and \"str | Unbound\"\n \u00a0\u00a0Operator \"not in\" not supported for types \"Literal['://']\" and \"Unbound\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:225:25 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:226:31 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:227:48 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:247:20 - error: \"path\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:254:20 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:256:47 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:259:12 - error: \"scheme\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:259:33 - error: \"scheme\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:261:40 - error: \"scheme\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:269:40 - error: \"scheme\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:272:44 - error: \"scheme\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:285:43 - error: \"url\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/curl.py:432:17 - error: \"errormsg\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/finger.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/finger.py:92:16 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/finger.py:95:20 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/finger.py:117:35 - error: \"args\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:82:50 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:84:47 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:86:52 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:265:12 - error: \"inode\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:265:29 - error: \"inode\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:268:12 - error: \"inode\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:271:29 - error: \"newpath\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:487:16 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:493:25 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/fs.py:493:36 - error: \"args\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/perl.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/perl.py:87:22 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/perl.py:87:22 - error: \"opts\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/perl.py:97:22 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/perl.py:97:22 - error: \"args\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:56:20 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:56:20 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:68:20 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:73:30 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:74:20 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:74:20 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:77:12 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/ssh.py:78:26 - error: \"args\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/tftp.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/tftp.py:22:34 - error: Argument of type \"bytes | None\" cannot be assigned to parameter \"__obj\" of type \"Sized\" in function \"len\"\n \u00a0\u00a0Type \"bytes | None\" cannot be assigned to type \"Sized\"\n \u00a0\u00a0\u00a0\u00a0\"__len__\" is not present (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/tftp.py:55:61 - error: \"metrics\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/wc.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/wc.py:113:48 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/wc.py:115:45 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/wc.py:117:50 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/commands/wget.py\n /home/runner/work/cowrie/cowrie/src/cowrie/commands/wget.py:333:17 - error: \"errormsg\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/core/auth.py\n /home/runner/work/cowrie/cowrie/src/cowrie/core/auth.py:86:26 - error: Cannot access member \"search\" for type \"bytearray\"\n \u00a0\u00a0Member \"search\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/auth.py:86:26 - error: Cannot access member \"search\" for type \"memoryview\"\n \u00a0\u00a0Member \"search\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/core/output.py\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:229:12 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:230:37 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:234:27 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:235:22 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:237:43 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:243:31 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:244:26 - error: \"sessionno\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/output.py:161:9 - error: Declaration \"ev\" is obscured by a declaration of the same name (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:50:45 - error: Argument of type \"Self@HoneyPotRealm\" cannot be assigned to parameter \"realm\" of type \"IRealm\" in function \"__init__\"\n \u00a0\u00a0\"HoneyPotRealm\" is incompatible with \"IRealm\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:51:20 - error: Expression of type \"CowrieUser\" cannot be assigned to declared type \"IConchUser\"\n \u00a0\u00a0\"CowrieUser\" is incompatible with \"IConchUser\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:52:46 - error: Cannot access member \"logout\" for type \"IConchUser\"\n \u00a0\u00a0Member \"logout\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:54:45 - error: Argument of type \"Self@HoneyPotRealm\" cannot be assigned to parameter \"realm\" of type \"IRealm\" in function \"__init__\"\n \u00a0\u00a0\"HoneyPotRealm\" is incompatible with \"IRealm\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:55:20 - error: Expression of type \"HoneyPotTelnetSession\" cannot be assigned to declared type \"IConchUser\"\n \u00a0\u00a0\"HoneyPotTelnetSession\" is incompatible with \"IConchUser\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/core/realm.py:56:46 - error: Cannot access member \"logout\" for type \"IConchUser\"\n \u00a0\u00a0Member \"logout\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:95:29 - error: \"callLater\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:222:31 - error: \"callLater\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:302:35 - error: \"callLater\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:317:17 - error: \"callInThread\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:119:16 - error: \"tolerated\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/abuseipdb.py:475:21 - error: \"callLater\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/csirtg.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/csirtg.py:17:8 - error: Import \"csirtgsdk\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/datadog.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/datadog.py:40:44 - error: Argument of type \"WebClientContextFactory\" cannot be assigned to parameter \"contextFactory\" of type \"BrowserLikePolicyForHTTPS\" in function \"__init__\"\n \u00a0\u00a0\"WebClientContextFactory\" is incompatible with \"BrowserLikePolicyForHTTPS\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/discord.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/discord.py:23:44 - error: Argument of type \"WebClientContextFactory\" cannot be assigned to parameter \"contextFactory\" of type \"BrowserLikePolicyForHTTPS\" in function \"__init__\"\n \u00a0\u00a0\"WebClientContextFactory\" is incompatible with \"BrowserLikePolicyForHTTPS\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/dshield.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/dshield.py:173:25 - error: \"callFromThread\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/elasticsearch.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/elasticsearch.py:7:6 - error: Import \"elasticsearch\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/graylog.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/graylog.py:24:44 - error: Argument of type \"WebClientContextFactory\" cannot be assigned to parameter \"contextFactory\" of type \"BrowserLikePolicyForHTTPS\" in function \"__init__\"\n \u00a0\u00a0\"WebClientContextFactory\" is incompatible with \"BrowserLikePolicyForHTTPS\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/hpfeeds3.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/hpfeeds3.py:10:6 - error: Import \"hpfeeds.twisted\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/influx.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/influx.py:4:6 - error: Import \"influxdb\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/influx.py:5:6 - error: Import \"influxdb.exceptions\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/misp.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/misp.py:6:6 - error: Import \"pymisp\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/misp.py:14:10 - error: Import \"pymisp\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/misp.py:16:10 - error: Import \"pymisp\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/mongodb.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/mongodb.py:2:8 - error: Import \"pymongo\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/mysql.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/mysql.py:15:8 - error: Import \"mysql.connector\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/oraclecloud.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/oraclecloud.py:5:8 - error: Import \"oci\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/oraclecloud.py:8:8 - error: Import \"oci\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/oraclecloud.py:9:6 - error: Import \"oci\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/redis.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/redis.py:5:8 - warning: Import \"redis\" could not be resolved from source (reportMissingModuleSource)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/rethinkdblog.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/rethinkdblog.py:5:8 - error: Import \"rethinkdb\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/s3.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/s3.py:11:6 - error: Import \"botocore.exceptions\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/s3.py:12:6 - error: Import \"botocore.session\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/slack.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/slack.py:34:6 - error: Import \"slack\" could not be resolved (reportMissingImports)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/splunk.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/splunk.py:43:44 - error: Argument of type \"WebClientContextFactory\" cannot be assigned to parameter \"contextFactory\" of type \"BrowserLikePolicyForHTTPS\" in function \"__init__\"\n \u00a0\u00a0\"WebClientContextFactory\" is incompatible with \"BrowserLikePolicyForHTTPS\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/virustotal.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/virustotal.py:97:44 - error: Argument of type \"WebClientContextFactory\" cannot be assigned to parameter \"contextFactory\" of type \"BrowserLikePolicyForHTTPS\" in function \"__init__\"\n \u00a0\u00a0\"WebClientContextFactory\" is incompatible with \"BrowserLikePolicyForHTTPS\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py\n /home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py:6:6 - error: Import \"wokkel\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py:7:6 - error: Import \"wokkel.client\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py:8:6 - error: Import \"wokkel.xmppim\" could not be resolved (reportMissingImports)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py:79:52 - error: Operator \"+\" not supported for \"None\" (reportOptionalOperand)\n /home/runner/work/cowrie/cowrie/src/cowrie/output/xmpp.py:72:56 - error: Argument of type \"list[str | None]\" cannot be assigned to parameter \"tuple\" of type \"Tuple[str | None, str, str | None] | None\" in function \"__init__\"\n \u00a0\u00a0Type \"list[str | None]\" cannot be assigned to type \"Tuple[str | None, str, str | None] | None\"\n \u00a0\u00a0\u00a0\u00a0\"list[str | None]\" is incompatible with \"Tuple[str | None, str, str | None]\"\n \u00a0\u00a0\u00a0\u00a0Type cannot be assigned to type \"None\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:43:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:43:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:49:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:49:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:56:28 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/pool_interface/client.py:56:28 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/python/logfile.py\n /home/runner/work/cowrie/cowrie/src/cowrie/python/logfile.py:42:32 - error: Argument of type \"CowrieDailyLogFile\" cannot be assigned to parameter \"outFile\" of type \"IO[Any]\" in function \"textFileLogObserver\"\n \u00a0\u00a0\"CowrieDailyLogFile\" is incompatible with \"IO[Any]\" (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/scripts/createfs.py\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/createfs.py:169:17 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/createfs.py:169:17 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:110:30 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:110:30 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:115:17 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:115:17 - error: \"optlist\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:129:12 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:133:24 - error: \"Unbound\" is not iterable (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:133:24 - error: \"args\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/scripts/playlog.py:137:56 - error: \"logfile\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:142:16 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:142:25 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:173:40 - error: Operator \"+\" not supported for types \"str | Unbound | Unknown\" and \"Literal[' ']\"\n \u00a0\u00a0Operator \"+\" not supported for types \"Unbound\" and \"Literal[' ']\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:146:24 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:148:34 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:148:45 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:151:25 - error: Operator \"+=\" not supported for types \"Unbound | str | Unknown\" and \"str\"\n \u00a0\u00a0Operator \"+\" not supported for types \"Unbound\" and \"str\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:151:25 - error: \"result\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:151:61 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:151:72 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:154:24 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:154:34 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:155:37 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:155:46 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:161:21 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:162:18 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:162:27 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:162:33 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:165:17 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:167:54 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:167:65 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:173:40 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:175:21 - error: Operator \"+=\" not supported for types \"Unbound | str | Unknown\" and \"str | Unknown\"\n \u00a0\u00a0Operator \"+\" not supported for types \"Unbound\" and \"str\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:175:21 - error: \"result\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:175:31 - error: \"cmd_expr\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:175:40 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:176:17 - error: \"pos\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:178:16 - error: \"result\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:337:44 - error: \"cmdclass\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:412:12 - error: \"basedir\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:416:19 - error: \"basedir\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:417:16 - error: \"basedir\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:442:56 - error: \"basedir\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/honeypot.py:455:43 - error: \"basedir\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:77:30 - error: Cannot access member \"transport\" for type \"None\"\n \u00a0\u00a0Member \"transport\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:84:22 - error: \"logDispatch\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:95:65 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:121:23 - error: Cannot access member \"transport\" for type \"None\"\n \u00a0\u00a0Member \"transport\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:160:28 - error: \"resolve_path\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:161:28 - error: \"exists\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:164:34 - error: \"resolve_path\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:165:28 - error: \"exists\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:218:23 - error: Cannot access member \"transport\" for type \"None\"\n \u00a0\u00a0Member \"transport\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:285:27 - error: Cannot access member \"write\" for type \"None\"\n \u00a0\u00a0Member \"write\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:285:41 - error: \"file_contents\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:293:23 - error: Cannot access member \"write\" for type \"None\"\n \u00a0\u00a0Member \"write\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:344:23 - error: Cannot access member \"eraseToLineEnd\" for type \"None\"\n \u00a0\u00a0Member \"eraseToLineEnd\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:322:27 - error: Cannot access member \"write\" for type \"None\"\n \u00a0\u00a0Member \"write\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:352:23 - error: Cannot access member \"eraseDisplay\" for type \"None\"\n \u00a0\u00a0Member \"eraseDisplay\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:353:23 - error: Cannot access member \"cursorHome\" for type \"None\"\n \u00a0\u00a0Member \"cursorHome\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:358:27 - error: Cannot access member \"cursorBackward\" for type \"None\"\n \u00a0\u00a0Member \"cursorBackward\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:359:27 - error: Cannot access member \"deleteCharacter\" for type \"None\"\n \u00a0\u00a0Member \"deleteCharacter\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/shell/protocol.py:384:30 - error: Cannot access member \"transport\" for type \"None\"\n \u00a0\u00a0Member \"transport\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/channel.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/channel.py:58:23 - error: \"transport\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/connection.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/connection.py:57:28 - error: Cannot access member \"sendPacket\" for type \"None\"\n \u00a0\u00a0Member \"sendPacket\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/factory.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/factory.py:60:28 - error: Cannot access member \"tac\" for type \"CowrieSSHFactory\"\n \u00a0\u00a0Member \"tac\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/forwarding.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/forwarding.py:174:16 - error: \"res_code\" is possibly unbound (reportUnboundVariable)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/forwarding.py:175:54 - error: \"res_code\" is possibly unbound (reportUnboundVariable)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/session.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/session.py:37:26 - error: Cannot access member \"environ\" for type \"ISession\"\n \u00a0\u00a0Member \"environ\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/session.py:68:19 - error: \"sendEOF\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/session.py:74:19 - error: \"sendClose\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh/userauth.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/userauth.py:36:9 - error: Argument of type \"type[IUsername]\" cannot be assigned to parameter \"__key\" of type \"type[ISSHPrivateKey] | type[IUsernamePassword]\" in function \"__setitem__\"\n \u00a0\u00a0Type \"type[IUsername]\" cannot be assigned to type \"type[ISSHPrivateKey] | type[IUsernamePassword]\"\n \u00a0\u00a0\u00a0\u00a0\"type[IUsername]\" is incompatible with \"type[ISSHPrivateKey]\"\n \u00a0\u00a0\u00a0\u00a0Type \"type[IUsername]\" cannot be assigned to type \"type[ISSHPrivateKey]\"\n \u00a0\u00a0\u00a0\u00a0\"type[IUsername]\" is incompatible with \"type[IUsernamePassword]\"\n \u00a0\u00a0\u00a0\u00a0Type \"type[IUsername]\" cannot be assigned to type \"type[IUsernamePassword]\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/userauth.py:43:13 - error: Argument of type \"type[IPluggableAuthenticationModulesIP]\" cannot be assigned to parameter \"__key\" of type \"type[ISSHPrivateKey] | type[IUsernamePassword]\" in function \"__setitem__\"\n \u00a0\u00a0Type \"type[IPluggableAuthenticationModulesIP]\" cannot be assigned to type \"type[ISSHPrivateKey] | type[IUsernamePassword]\"\n \u00a0\u00a0\u00a0\u00a0\"type[IPluggableAuthenticationModulesIP]\" is incompatible with \"type[ISSHPrivateKey]\"\n \u00a0\u00a0\u00a0\u00a0Type \"type[IPluggableAuthenticationModulesIP]\" cannot be assigned to type \"type[ISSHPrivateKey]\"\n \u00a0\u00a0\u00a0\u00a0\"type[IPluggableAuthenticationModulesIP]\" is incompatible with \"type[IUsernamePassword]\"\n \u00a0\u00a0\u00a0\u00a0Type \"type[IPluggableAuthenticationModulesIP]\" cannot be assigned to type \"type[IUsernamePassword]\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh/userauth.py:65:24 - error: Cannot access member \"sendPacket\" for type \"None\"\n \u00a0\u00a0Member \"sendPacket\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py:55:63 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py:55:73 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py:129:24 - error: Cannot access member \"connectionLost\" for type \"ITransport\"\n \u00a0\u00a0Member \"connectionLost\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py:129:24 - error: \"connectionLost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/client_transport.py:142:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:95:39 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:95:49 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:96:41 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:96:51 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:97:40 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:97:50 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:98:42 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:98:52 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:100:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:100:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:110:37 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:110:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:112:37 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:112:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:114:42 - error: Cannot access member \"sessionno\" for type \"ITransport\"\n \u00a0\u00a0Member \"sessionno\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:114:42 - error: \"sessionno\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:124:30 - error: Cannot access member \"pool_handler\" for type \"Factory\"\n \u00a0\u00a0Member \"pool_handler\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:124:30 - error: \"pool_handler\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:137:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:163:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:197:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:197:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:198:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:228:36 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:270:44 - error: \"append\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:293:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:293:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:337:26 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:337:51 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:338:27 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:362:24 - error: Cannot access member \"connectionLost\" for type \"ITransport\"\n \u00a0\u00a0Member \"connectionLost\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:362:24 - error: \"connectionLost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:366:26 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:366:51 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:367:27 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:371:71 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:371:38 - error: \"client\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:400:28 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:400:28 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:402:28 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/server_transport.py:431:31 - error: \"parse_num_packet\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/userauth.py\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/userauth.py:30:24 - error: Cannot access member \"sendPacket\" for type \"None\"\n \u00a0\u00a0Member \"sendPacket\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/userauth.py:31:24 - error: Cannot assign member \"frontendAuthenticated\" for type \"None\"\n \u00a0\u00a0Member \"frontendAuthenticated\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/userauth.py:34:27 - error: Cannot access member \"sshParse\" for type \"None\"\n \u00a0\u00a0Member \"sshParse\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/ssh_proxy/userauth.py:35:28 - error: Cannot access member \"sshParse\" for type \"None\"\n \u00a0\u00a0Member \"sshParse\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet/factory.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/factory.py:45:32 - error: Cannot access member \"output_plugins\" for type \"IPlugin\"\n \u00a0\u00a0Member \"output_plugins\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/factory.py:81:13 - error: Object of type \"None\" cannot be called (reportOptionalCall)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:71:27 - error: Cannot access member \"options\" for type \"ITransport\"\n \u00a0\u00a0Member \"options\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:71:27 - error: \"options\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:72:28 - error: Cannot access member \"willChain\" for type \"ITransport\"\n \u00a0\u00a0Member \"willChain\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:72:28 - error: \"willChain\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:73:28 - error: Cannot access member \"willChain\" for type \"ITransport\"\n \u00a0\u00a0Member \"willChain\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:73:28 - error: \"willChain\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:111:22 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:123:26 - error: \"conn\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:134:22 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:143:22 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:149:29 - error: \"transport\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:155:29 - error: \"transport\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:158:22 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:161:22 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/session.py:164:22 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:28:36 - error: Cannot access member \"sessionno\" for type \"ITransport\"\n \u00a0\u00a0Member \"sessionno\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:28:36 - error: \"sessionno\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:37:35 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:37:45 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:38:37 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:38:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:39:35 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:39:45 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:40:37 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:40:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:56:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:56:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/transport.py:64:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:45:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:45:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:45:43 - error: Cannot access member \"banner\" for type \"Factory\"\n \u00a0\u00a0Member \"banner\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:45:43 - error: \"banner\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:46:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:46:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:61:24 - error: Cannot access member \"willChain\" for type \"ITransport\"\n \u00a0\u00a0Member \"willChain\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:61:24 - error: \"willChain\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:63:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:63:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:71:42 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:71:52 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:71:18 - error: Cannot assign member \"src_ip\" for type \"HoneyPotTelnetAuthProtocol\"\n \u00a0\u00a0Member \"src_ip\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:72:65 - error: Cannot access member \"src_ip\" for type \"HoneyPotTelnetAuthProtocol\"\n \u00a0\u00a0Member \"src_ip\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:73:47 - error: Cannot access member \"src_ip\" for type \"HoneyPotTelnetAuthProtocol\"\n \u00a0\u00a0Member \"src_ip\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:104:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:104:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:107:24 - error: Cannot access member \"setTimeout\" for type \"ITransport\"\n \u00a0\u00a0Member \"setTimeout\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:107:24 - error: \"setTimeout\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:117:24 - error: Cannot access member \"wontChain\" for type \"ITransport\"\n \u00a0\u00a0Member \"wontChain\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:117:24 - error: \"wontChain\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:118:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:118:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:119:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:119:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:78:27 - error: Cannot access member \"options\" for type \"ITransport\"\n \u00a0\u00a0Member \"options\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:78:27 - error: \"options\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:83:28 - error: Cannot access member \"wontChain\" for type \"ITransport\"\n \u00a0\u00a0Member \"wontChain\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:83:28 - error: \"wontChain\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:91:24 - error: Cannot access member \"protocol\" for type \"ITransport\"\n \u00a0\u00a0Member \"protocol\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:91:24 - error: \"protocol\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:113:24 - error: Cannot assign member \"protocol\" for type \"ITransport\"\n \u00a0\u00a0Member \"protocol\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet/userauth.py:113:24 - error: \"protocol\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:20:66 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:20:76 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:21:43 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:21:43 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:25:22 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:25:22 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:27:36 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:27:36 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:28:28 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:28:28 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:29:22 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:29:22 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:36:22 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:36:22 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:39:28 - error: \"close\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:49:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:50:22 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:50:22 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:53:28 - error: \"close\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:56:28 - error: \"addPacket\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:59:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:59:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:66:22 - error: Cannot access member \"server\" for type \"Factory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/client_transport.py:66:22 - error: \"server\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:53:36 - error: Cannot access member \"sessionno\" for type \"ITransport\"\n \u00a0\u00a0Member \"sessionno\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:53:36 - error: \"sessionno\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:55:39 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:55:49 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:56:41 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:56:51 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:57:40 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:57:50 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:58:42 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:58:52 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:63:35 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:63:45 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:64:37 - error: \"getPeer\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:64:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:65:35 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:65:45 - error: Cannot access member \"host\" for type \"IAddress\"\n \u00a0\u00a0Member \"host\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:66:37 - error: \"getHost\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:66:47 - error: Cannot access member \"port\" for type \"IAddress\"\n \u00a0\u00a0Member \"port\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:80:30 - error: Cannot access member \"pool_handler\" for type \"Factory\"\n \u00a0\u00a0Member \"pool_handler\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:80:30 - error: \"pool_handler\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:93:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:119:24 - error: \"loseConnection\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:132:24 - error: Cannot assign member \"server\" for type \"BackendTelnetFactory\"\n \u00a0\u00a0Member \"server\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:143:24 - error: \n \u00a0\u00a0Could not bind method \"write\" because \"ITransport\" is not assignable to parameter \"data\"\n \u00a0\u00a0\u00a0\u00a0\"ITransport\" is incompatible with \"bytes\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:143:24 - error: \"write\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:196:28 - error: Cannot access member \"backendConnected\" for type \"None\"\n \u00a0\u00a0Member \"backendConnected\" is unknown (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/telnet_proxy/server_transport.py:204:29 - error: Cannot access member \"transport\" for type \"None\"\n \u00a0\u00a0Member \"transport\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/test/fake_transport.py\n /home/runner/work/cowrie/cowrie/src/cowrie/test/fake_transport.py:103:13 - error: Argument of type \"Literal[True]\" cannot be assigned to parameter \"__value\" of type \"(...) -> Unknown\" in function \"__setitem__\"\n \u00a0\u00a0Type \"Literal[True]\" cannot be assigned to type \"(...) -> Unknown\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/fake_transport.py:133:14 - error: Cannot assign member \"modes\" for type \"FakeTransport\"\n \u00a0\u00a0Member \"modes\" cannot be assigned through a class instance because it is a ClassVar (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/fake_transport.py:164:55 - error: Cannot assign member \"sessions\" for type \"Container\"\n \u00a0\u00a0Member \"sessions\" cannot be assigned through a class instance because it is a ClassVar (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py:192:24 - error: \"file_contents\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py:268:39 - error: \"exists\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py:269:39 - error: \"isdir\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py:288:40 - error: \"exists\" is not a known member of \"None\" (reportOptionalMemberAccess)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_base_commands.py:307:39 - error: \"exists\" is not a known member of \"None\" (reportOptionalMemberAccess)\n/home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:26:36 - error: Argument of type \"HoneyPotRealm\" cannot be assigned to parameter \"realm\" of type \"IRealm\" in function \"__init__\"\n \u00a0\u00a0\"HoneyPotRealm\" is incompatible with \"IRealm\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:27:36 - error: Argument of type \"HoneypotPublicKeyChecker\" cannot be assigned to parameter \"checker\" of type \"ICredentialsChecker\" in function \"registerChecker\"\n \u00a0\u00a0\"HoneypotPublicKeyChecker\" is incompatible with \"ICredentialsChecker\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:28:36 - error: Argument of type \"HoneypotPasswordChecker\" cannot be assigned to parameter \"checker\" of type \"ICredentialsChecker\" in function \"registerChecker\"\n \u00a0\u00a0\"HoneypotPasswordChecker\" is incompatible with \"ICredentialsChecker\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:69:41 - error: \"listenTCP\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:85:41 - error: \"listenTCP\" is not a known member of module \"twisted.internet.reactor\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/cowrie/test/test_proxy.py:97:46 - error: Cannot access member \"running\" for type \"CowrieSSHFactory\"\n \u00a0\u00a0Member \"running\" is unknown (reportGeneralTypeIssues)\n/home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:85:32 - error: Argument of type \"(event: dict[Unknown, Unknown]) -> None\" cannot be assigned to parameter \"observer\" of type \"ILogObserver\" in function \"addObserver\"\n \u00a0\u00a0\"function\" is incompatible with \"ILogObserver\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:239:49 - error: \"realm\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:240:49 - error: \"checkers\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:241:49 - error: \"checkers\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:244:53 - error: \"checkers\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:259:21 - error: Cannot assign member \"tac\" for type \"HoneyPotTelnetFactory\"\n \u00a0\u00a0\"CowrieServiceMaker\" is incompatible with \"IPlugin\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:260:43 - error: \"realm\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n /home/runner/work/cowrie/cowrie/src/twisted/plugins/cowrie_plugin.py:261:43 - error: \"checkers\" is not a known member of module \"cowrie.core\" (reportGeneralTypeIssues)\n385 errors, 50 warnings, 0 informations \nWARNING: there is a new pyright version available (v1.1.333 -> v1.1.335).\nPlease install the new version or set PYRIGHT_PYTHON_FORCE_VERSION to `latest`\n\ntyping: exit 1 (21.96 seconds) /home/runner/work/cowrie/cowrie> pyright src pid=2326\ntyping: command failed but is marked ignore outcome so handling it as success\n##[endgroup]\ntyping: OK \u2714 in 1 minute 45.12 seconds\npy310: install_deps> python -I -m pip install -r /home/runner/work/cowrie/cowrie/requirements.txt\npy310: freeze> python -m pip freeze --all\npy310: appdirs==1.4.4,attrs==23.1.0,Automat==22.10.0,bcrypt==4.0.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,configparser==6.0.0,constantly==23.10.4,cryptography==41.0.4,hyperlink==21.0.0,idna==3.4,incremental==22.10.0,packaging==23.2,pip==23.3.1,pyasn1==0.5.0,pyasn1-modules==0.3.0,pycparser==2.21,pyOpenSSL==23.2.0,pyparsing==3.1.1,python-dateutil==2.8.2,requests==2.31.0,service-identity==23.1.0,setuptools==68.2.2,six==1.16.0,tftpy==0.8.2,treq==22.2.0,Twisted==23.10.0,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,zope.interface==6.1\n##[group]tox: py310\npy310: commands[0]> python -m unittest discover src --verbose\n/home/runner/work/cowrie/cowrie/.tox/py310/lib/python3.10/site-packages/twisted/conch/ssh/transport.py:106: CryptographyDeprecationWarning: Blowfish has been deprecated\n b\"blowfish-cbc\": (algorithms.Blowfish, 16, modes.CBC),\n/home/runner/work/cowrie/cowrie/.tox/py310/lib/python3.10/site-packages/twisted/conch/ssh/transport.py:110: CryptographyDeprecationWarning: CAST5 has been deprecated\n b\"cast128-cbc\": (algorithms.CAST5, 16, modes.CBC),\n/home/runner/work/cowrie/cowrie/.tox/py310/lib/python3.10/site-packages/twisted/conch/ssh/transport.py:115: CryptographyDeprecationWarning: Blowfish has been deprecated\n b\"blowfish-ctr\": (algorithms.Blowfish, 16, modes.CTR),\n/home/runner/work/cowrie/cowrie/.tox/py310/lib/python3.10/site-packages/twisted/conch/ssh/transport.py:116: CryptographyDeprecationWarning: CAST5 has been deprecated\n b\"cast128-ctr\": (algorithms.CAST5, 16, modes.CTR),\ntest_awk_command_001 (cowrie.test.test_awk.ShellEchoCommandTests) ... ok\ntest_awk_command_002 (cowrie.test.test_awk.ShellEchoCommandTests) ... ok\ntest_awk_command_003 (cowrie.test.test_awk.ShellEchoCommandTests) ... ok\ntest_awk_command_004 (cowrie.test.test_awk.ShellEchoCommandTests) ... ok\ntest_awk_command_005 (cowrie.test.test_awk.ShellEchoCommandTests) ... ok\ntest_base64_command_001 (cowrie.test.test_base64.ShellBase64CommandTests) ... ok\ntest_base64_command_002 (cowrie.test.test_base64.ShellBase64CommandTests) ... ok\ntest_alias_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_bash_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_cd_error_output (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_cd_output (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_chattr_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_chgrp_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_chown_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_clear_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_date_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_exit_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_export_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_hostname_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_id_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_jobs_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_kill_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_killall5_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_killall_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_logout_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_passwd_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_php_help_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_php_version_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_pkill_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_poweroff_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_reset_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_set_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_sh_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_shutdown_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_su_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_umask_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_unset_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_users_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_whoami_command (cowrie.test.test_base_commands.ShellBaseCommandsTests) ... ok\ntest_cat_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_cp_error_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_cp_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_grep_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_head_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_mkdir_error_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_mkdir_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_mv_error_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_mv_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_pwd_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_rm_error_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_rm_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_rmdir_error_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_rmdir_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_tail_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_touch_output (cowrie.test.test_base_commands.ShellFileCommandsTests) ... ok\ntest_shell_pipe_with_cat_head (cowrie.test.test_base_commands.ShellPipeCommandsTests) ... ok\ntest_shell_pipe_with_cat_tail (cowrie.test.test_base_commands.ShellPipeCommandsTests) ... ok\ntest_cat_command_001 (cowrie.test.test_cat.ShellCatCommandTests) ... ok\ntest_cat_command_002 (cowrie.test.test_cat.ShellCatCommandTests) ... ok\ntest_cat_command_003 (cowrie.test.test_cat.ShellCatCommandTests) ... ok\ntest_cat_command_004 (cowrie.test.test_cat.ShellCatCommandTests) ... ok\ntest_chmod_command_001 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_002 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_003 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_004 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_005 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_006 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_007 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_008 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_009 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_010 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_011 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_012 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_013 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_014 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_chmod_command_015 (cowrie.test.test_chmod.ShellChmodCommandTests) ... ok\ntest_echo_command_001 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_002 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_003 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_005 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_006 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_007 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_008 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_009 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_010 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_011 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_012 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_013 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_014 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_015 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_016 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_017 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_018 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_019 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_020 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_021 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_022 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_023 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_024 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_025 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_026 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_027 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_028 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_echo_command_029 (cowrie.test.test_echo.ShellEchoCommandTests) ... ok\ntest_help_command (cowrie.test.test_ftpget.ShellFtpGetCommandTests) ... ok\ntest_tee_command_001 (cowrie.test.test_tee.ShellTeeCommandTests) ... ok\ntest_tee_command_002 (cowrie.test.test_tee.ShellTeeCommandTests) ... ok\ntest_tee_command_003 (cowrie.test.test_tee.ShellTeeCommandTests) ... ok\ntest_tee_command_004 (cowrie.test.test_tee.ShellTeeCommandTests) ... ok\ntest_tee_command_005 (cowrie.test.test_tee.ShellTeeCommandTests) ... ok\ntest_echo_command_001 (cowrie.test.test_tftp.ShellTftpCommandTests) ... ok\ntest_uniq_command_001 (cowrie.test.test_uniq.ShellUniqCommandTests) ... ok\ntest_uniq_command_002 (cowrie.test.test_uniq.ShellUniqCommandTests) ... ok\ntest_uniq_command_003 (cowrie.test.test_uniq.ShellUniqCommandTests) ... ok\ntest_create_endpoint_services (cowrie.test.test_utils.UtilsTestCase) ... ok\ntest_durationHuman (cowrie.test.test_utils.UtilsTestCase) ... ok\ntest_get_endpoints_from_section (cowrie.test.test_utils.UtilsTestCase) ... ok\n\n----------------------------------------------------------------------\nRan 117 tests in 3.825s\n\nOK\n##[endgroup]\n lint: FAIL code 1 (36.55=setup[36.46]+cmd[0.10] seconds)\n docs: OK (40.98=setup[36.63]+cmd[4.35] seconds)\n typing: OK (105.11=setup[37.40]+cmd[15.97,27.33,0.92,1.53,21.96] seconds)\n py310: OK (16.46=setup[10.64]+cmd[5.82] seconds)\n evaluation failed :( (199.49 seconds)\n##[error]Process completed with exit code 255.\n"}], "diff": "diff --git a/src/cowrie/output/oraclecloud.py b/src/cowrie/output/oraclecloud.py\nindex d2dfc3e4..db369d22 100644\n--- a/src/cowrie/output/oraclecloud.py\n+++ b/src/cowrie/output/oraclecloud.py\n@@ -1,13 +1,13 @@\n from __future__ import annotations\n-import json\n-from configparser import NoOptionError\n \n-import oci\n+import datetime\n+import json\n import secrets\n import string\n+\n import oci\n-from oci import auth\n-import datetime\n+\n+from twisted.python import log\n \n import cowrie.core.output\n from cowrie.core.config import CowrieConfig\n@@ -17,14 +17,11 @@ class Output(cowrie.core.output.Output):\n \"\"\"\n Oracle Cloud output\n \"\"\"\n-\n-\n def generate_random_log_id(self):\n charset = string.ascii_letters + string.digits\n- random_log_id = ''.join(secrets.choice(charset) for _ in range(32))\n+ random_log_id = \"\".join(secrets.choice(charset) for _ in range(32))\n return f\"cowrielog-{random_log_id}\"\n \n-\n def sendLogs(self, logentry):\n log_id = self.generate_random_log_id()\n # Initialize service client with default config file \n@@ -50,20 +47,18 @@ class Output(cowrie.core.output.Output):\n type=\"cowrie\")]),\n timestamp_opc_agent_processing=current_time.strftime(\"%Y-%m-%dT%H:%M:%S.%fZ\"))\n except oci.exceptions.ServiceError as ex:\n- print(\n+ log.err(\n f\"Oracle Cloud plugin Error: {ex.message}\\n\" +\n f\"Oracle Cloud plugin Status Code: {ex.status}\\n\"\n )\n except Exception as ex:\n- print(f\"Oracle Cloud plugin Error: {ex}\")\n+ log.err(f\"Oracle Cloud plugin Error: {ex}\")\n raise\n \n-\n def start(self):\n \"\"\"\n Initialize Oracle Cloud LoggingClient with user or instance principal authentication\n \"\"\"\n-\n authtype=CowrieConfig.get(\"output_oraclecloud\", \"authtype\")\n \n if authtype == \"instance_principals\":\n", "difficulty": 2, "changed_files": ["src/cowrie/output/oraclecloud.py"], "commit_link": "https://github.com/cowrie/cowrie/tree/55f8e6684499eb6abe5b1c1dba01ca4c90d2c949"} \ No newline at end of file diff --git a/data/python/5b9b7a0.json b/data/python/5b9b7a0.json new file mode 100644 index 0000000000000000000000000000000000000000..eeddd2c74b8b63954a1f030674c539f8b0876fef --- /dev/null +++ b/data/python/5b9b7a0.json @@ -0,0 +1 @@ +{"language": "Python", "id": 57, "repo_owner": "hacs", "repo_name": "integration", "head_branch": "more-proxy-tests", "workflow_name": "Lint", "workflow_filename": "lint.yaml", "workflow_path": ".github/workflows/lint.yaml", "contributor": "hacs", "sha_fail": "5b9b7a0f0f73cc0257f1b41b4904dc9056e9baa1", "sha_success": "04d2ec72235a322abe7140afa8cbbd65fa35090a", "workflow": "name: Lint\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: lint-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n matrix:\n runs-on: ubuntu-latest\n name: Run ${{ matrix.check }}\n strategy:\n matrix:\n check:\n - pyupgrade\n - black\n - codespell\n - check-executables-have-shebangs\n - check-json\n - requirements-txt-fixer\n - check-ast\n - mixed-line-ending\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83d\udee0\ufe0f Set up Python\n uses: actions/setup-python@v4.7.1\n id: python\n with:\n python-version: \"3.11\"\n\n - name: \ud83d\udce6 Install pre-commit\n run: |\n scripts/install/pip_packages pre-commit\n pre-commit install-hooks --config .github/pre-commit-config.yaml\n\n - name: \ud83c\udfc3 Run the check (${{ matrix.check }})\n run: pre-commit run --hook-stage manual ${{ matrix.check }} --all-files --config .github/pre-commit-config.yaml\n\n lint-json:\n runs-on: ubuntu-latest\n name: With JQ\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83c\udfc3 Run validation\n run: jq -r -e -c . tests/fixtures/*.json", "logs": [{"step_name": "Run pyupgrade/5_\ud83c\udfc3 Run the check (pyupgrade).txt", "log": "##[group]Run pre-commit run --hook-stage manual pyupgrade --all-files --config .github/pre-commit-config.yaml\n\u001b[36;1mpre-commit run --hook-stage manual pyupgrade --all-files --config .github/pre-commit-config.yaml\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\npyupgrade................................................................Failed\n- hook id: pyupgrade\n- exit code: 1\n- files were modified by this hook\n\nRewriting tests/common.py\n\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Run black/5_\ud83c\udfc3 Run the check (black).txt", "log": "##[group]Run pre-commit run --hook-stage manual black --all-files --config .github/pre-commit-config.yaml\n\u001b[36;1mpre-commit run --hook-stage manual black --all-files --config .github/pre-commit-config.yaml\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\nblack....................................................................Failed\n- hook id: black\n- files were modified by this hook\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/common.py b/tests/common.py\nindex 190a2fba..ea30646a 100644\n--- a/tests/common.py\n+++ b/tests/common.py\n@@ -13,7 +13,13 @@ from unittest.mock import AsyncMock, Mock, patch\n from aiohttp import ClientSession, ClientWebSocketResponse\n from aiohttp.typedefs import StrOrURL\n from awesomeversion import AwesomeVersion\n-from homeassistant import auth, bootstrap, config_entries, core as ha, config as ha_config\n+from homeassistant import (\n+ auth,\n+ bootstrap,\n+ config as ha_config,\n+ config_entries,\n+ core as ha,\n+)\n from homeassistant.auth import auth_store, models as auth_models\n from homeassistant.const import (\n EVENT_HOMEASSISTANT_CLOSE,\n@@ -49,13 +55,13 @@ TOKEN = \"XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX\"\n INSTANCES = []\n REQUEST_CONTEXT: ContextVar[pytest.FixtureRequest] = ContextVar(\"request_context\", default=None)\n \n-IGNORED_BASE_FILES = set([\n- \"/config/automations.yaml\",\n- \"/config/configuration.yaml\",\n- \"/config/scenes.yaml\",\n- \"/config/scripts.yaml\",\n- \"/config/secrets.yaml\",\n- ])\n+IGNORED_BASE_FILES = {\n+ \"/config/automations.yaml\",\n+ \"/config/configuration.yaml\",\n+ \"/config/scenes.yaml\",\n+ \"/config/scripts.yaml\",\n+ \"/config/secrets.yaml\",\n+}\n \n \n def safe_json_dumps(data: dict | list) -> str:\n", "difficulty": 2, "changed_files": ["tests/common.py"], "commit_link": "https://github.com/hacs/integration/tree/5b9b7a0f0f73cc0257f1b41b4904dc9056e9baa1"} \ No newline at end of file diff --git a/data/python/5fea24b.json b/data/python/5fea24b.json new file mode 100644 index 0000000000000000000000000000000000000000..e7debae45bce655ca61d722e2e86c500e1b3936a --- /dev/null +++ b/data/python/5fea24b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 48, "repo_owner": "hacs", "repo_name": "integration", "head_branch": "proxy-test", "workflow_name": "Lint", "workflow_filename": "lint.yaml", "workflow_path": ".github/workflows/lint.yaml", "contributor": "hacs", "sha_fail": "5fea24b4a3fc4952e83474db5e7dc05af9ec76f6", "sha_success": "bcf0ea6453a095804fdadff500d023a5a1e2d2c4", "workflow": "name: Lint\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: lint-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n matrix:\n runs-on: ubuntu-latest\n name: Run ${{ matrix.check }}\n strategy:\n matrix:\n check:\n - pyupgrade\n - black\n - codespell\n - check-executables-have-shebangs\n - check-json\n - requirements-txt-fixer\n - check-ast\n - mixed-line-ending\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83d\udee0\ufe0f Set up Python\n uses: actions/setup-python@v4.7.1\n id: python\n with:\n python-version: \"3.11\"\n\n - name: \ud83d\udce6 Install pre-commit\n run: |\n scripts/install/pip_packages pre-commit\n pre-commit install-hooks --config .github/pre-commit-config.yaml\n\n - name: \ud83c\udfc3 Run the check (${{ matrix.check }})\n run: pre-commit run --hook-stage manual ${{ matrix.check }} --all-files --config .github/pre-commit-config.yaml\n\n lint-json:\n runs-on: ubuntu-latest\n name: With JQ\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83c\udfc3 Run validation\n run: jq -r -e -c . tests/fixtures/*.json", "logs": [{"step_name": "Run pyupgrade/5_\ud83c\udfc3 Run the check (pyupgrade).txt", "log": "##[group]Run pre-commit run --hook-stage manual pyupgrade --all-files --config .github/pre-commit-config.yaml\n\u001b[36;1mpre-commit run --hook-stage manual pyupgrade --all-files --config .github/pre-commit-config.yaml\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\npyupgrade................................................................Failed\n- hook id: pyupgrade\n- exit code: 1\n- files were modified by this hook\n\nRewriting tests/repositories/test_get_hacs_json.py\nRewriting tests/repositories/test_get_documentation.py\n\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Run black/5_\ud83c\udfc3 Run the check (black).txt", "log": "##[group]Run pre-commit run --hook-stage manual black --all-files --config .github/pre-commit-config.yaml\n\u001b[36;1mpre-commit run --hook-stage manual black --all-files --config .github/pre-commit-config.yaml\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\nblack....................................................................Failed\n- hook id: black\n- files were modified by this hook\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/1.0.0/README.md b/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/1.0.0/README.md\nindex 547ce4ac..530ac586 100644\n--- a/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/1.0.0/README.md\n+++ b/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/1.0.0/README.md\n@@ -1 +1 @@\n-## Example readme file\n\\ No newline at end of file\n+## Example readme file (1.0.0)\n\\ No newline at end of file\ndiff --git a/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/2.0.0/README.md b/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/2.0.0/README.md\nindex 547ce4ac..67d48bfd 100644\n--- a/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/2.0.0/README.md\n+++ b/tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/2.0.0/README.md\n@@ -1 +1 @@\n-## Example readme file\n\\ No newline at end of file\n+## Example readme file (2.0.0)\n\\ No newline at end of file\ndiff --git a/tests/repositories/test_get_documentation.py b/tests/repositories/test_get_documentation.py\nindex e289d295..0b3bcbb6 100644\n--- a/tests/repositories/test_get_documentation.py\n+++ b/tests/repositories/test_get_documentation.py\n@@ -1,19 +1,27 @@\n-\n from typing import Any\n+\n import pytest\n+\n from custom_components.hacs.base import HacsBase\n from custom_components.hacs.repositories.base import HacsRepository\n \n from tests.common import client_session_proxy\n \n \n-\n-@pytest.mark.parametrize(\"data,result\", [\n- ({\"installed\": True, \"installed_version\": \"1.0.0\"}, \"Example readme file\"),\n- ({\"installed\": False, \"last_version\": \"2.0.0\"}, \"Example readme file\")\n-])\n+@pytest.mark.parametrize(\n+ \"data,result\",\n+ [\n+ ({\"installed\": True, \"installed_version\": \"1.0.0\"}, \"Example readme file (1.0.0)\"),\n+ (\n+ {\"installed\": True, \"installed_version\": \"1.0.0\", \"last_version\": \"2.0.0\"},\n+ \"Example readme file (1.0.0)\",\n+ ),\n+ ({\"installed\": False, \"last_version\": \"2.0.0\"}, \"Example readme file (2.0.0)\"),\n+ ({\"installed\": False, \"last_version\": \"99.99.99\"}, None),\n+ ],\n+)\n @pytest.mark.asyncio\n-async def test_validate_repository(hacs: HacsBase, data: dict[str, Any], result: str):\n+async def test_validate_repository(hacs: HacsBase, data: dict[str, Any], result: str | None):\n repository = HacsRepository(hacs=hacs)\n repository.data.full_name = \"octocat/integration\"\n for key, value in data.items():\n@@ -22,4 +30,7 @@ async def test_validate_repository(hacs: HacsBase, data: dict[str, Any], result:\n hacs.session = await client_session_proxy(hacs.hass)\n docs = await repository.get_documentation(filename=\"README.md\")\n \n- assert result in docs\n+ if result:\n+ assert result in docs\n+ else:\n+ assert result is None\ndiff --git a/tests/repositories/test_get_hacs_json.py b/tests/repositories/test_get_hacs_json.py\nindex 495f346d..a1a5c2eb 100644\n--- a/tests/repositories/test_get_hacs_json.py\n+++ b/tests/repositories/test_get_hacs_json.py\n@@ -1,16 +1,12 @@\n-\n import pytest\n+\n from custom_components.hacs.base import HacsBase\n from custom_components.hacs.repositories.base import HacsRepository\n \n from tests.common import client_session_proxy\n \n \n-\n-@pytest.mark.parametrize(\"version,name\", [\n- (\"1.0.0\", \"Proxy integration\"),\n- (\"99.99.99\", None)\n-])\n+@pytest.mark.parametrize(\"version,name\", [(\"1.0.0\", \"Proxy integration\"), (\"99.99.99\", None)])\n @pytest.mark.asyncio\n async def test_validate_repository(hacs: HacsBase, version: str, name: str | None):\n repository = HacsRepository(hacs=hacs)\n", "difficulty": 2, "changed_files": ["tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/1.0.0/README.md", "tests/fixtures/proxy/raw.githubusercontent.com/octocat/integration/2.0.0/README.md", "tests/repositories/test_get_documentation.py", "tests/repositories/test_get_hacs_json.py"], "commit_link": "https://github.com/hacs/integration/tree/5fea24b4a3fc4952e83474db5e7dc05af9ec76f6"} \ No newline at end of file diff --git a/data/python/616eb3b.json b/data/python/616eb3b.json new file mode 100644 index 0000000000000000000000000000000000000000..9f7a2a3812e24cde2ad681966f5b5fa83f3a0df5 --- /dev/null +++ b/data/python/616eb3b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 19, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "remove_count_queries", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "PetrDlouhy", "sha_fail": "616eb3b10db94cf4a4c209377f36b2ce995bd01c", "sha_success": "b4a4971982af72d8ca11ceed00bee819eb6f2831", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 17.6 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 25.7 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 68.9 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 79.8 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 70.8 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 80.0 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCache Size: ~15 MB (15847689 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/0406f221-9418-4459-ac5c-6e0b0097f5b8/cache.tzst -P -C /home/runner/work/django-import-export/django-import-export --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nblack....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted tests/core/tests/test_admin_integration.py\u001b[0m\n\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\n\u001b[34m\u001b[1m1 file \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m56 files \u001b[0mleft unchanged.\n\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/tests/core/tests/test_admin_integration.py b/tests/core/tests/test_admin_integration.py\u001b[m\n\u001b[1mindex c178c89..e74a7d2 100644\u001b[m\n\u001b[1m--- a/tests/core/tests/test_admin_integration.py\u001b[m\n\u001b[1m+++ b/tests/core/tests/test_admin_integration.py\u001b[m\n\u001b[36m@@ -680,7 +680,9 @@\u001b[m \u001b[mclass ExportAdminIntegrationTest(AdminTestMixin, TestCase):\u001b[m\n \"file_format\": \"0\",\u001b[m\n }\u001b[m\n date_str = datetime.now().strftime(\"%Y-%m-%d\")\u001b[m\n\u001b[31m- with self.assertNumQueries(7): # Should not contain COUNT queries from ModelAdmin.get_results()\u001b[m\n\u001b[32m+\u001b[m\u001b[32m with self.assertNumQueries(\u001b[m\n\u001b[32m+\u001b[m\u001b[32m 7\u001b[m\n\u001b[32m+\u001b[m\u001b[32m ): # Should not contain COUNT queries from ModelAdmin.get_results()\u001b[m\n response = self.client.post(\"/admin/core/book/export/\", data)\u001b[m\n self.assertEqual(response.status_code, 200)\u001b[m\n self.assertTrue(response.has_header(\"Content-Disposition\"))\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/core/tests/test_admin_integration.py b/tests/core/tests/test_admin_integration.py\nindex c178c89e..e74a7d29 100644\n--- a/tests/core/tests/test_admin_integration.py\n+++ b/tests/core/tests/test_admin_integration.py\n@@ -680,7 +680,9 @@ class ExportAdminIntegrationTest(AdminTestMixin, TestCase):\n \"file_format\": \"0\",\n }\n date_str = datetime.now().strftime(\"%Y-%m-%d\")\n- with self.assertNumQueries(7): # Should not contain COUNT queries from ModelAdmin.get_results()\n+ with self.assertNumQueries(\n+ 7\n+ ): # Should not contain COUNT queries from ModelAdmin.get_results()\n response = self.client.post(\"/admin/core/book/export/\", data)\n self.assertEqual(response.status_code, 200)\n self.assertTrue(response.has_header(\"Content-Disposition\"))\n", "difficulty": 0, "changed_files": ["tests/core/tests/test_admin_integration.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/616eb3b10db94cf4a4c209377f36b2ce995bd01c"} \ No newline at end of file diff --git a/data/python/63ae862.json b/data/python/63ae862.json new file mode 100644 index 0000000000000000000000000000000000000000..2208680369e96adacc7d657ddcf862dd18ac5a68 --- /dev/null +++ b/data/python/63ae862.json @@ -0,0 +1 @@ +{"language": "Python", "id": 26, "repo_owner": "jazzband", "repo_name": "django-oauth-toolkit", "head_branch": "code_challenge_methods_supported", "workflow_name": "Test", "workflow_filename": "test.yml", "workflow_path": ".github/workflows/test.yml", "contributor": "eedf", "sha_fail": "63ae862ab620588a673d58d6a4fc6a3b8c2df63d", "sha_success": "3ac4115bb53303580a4cda071bbbdcad30542112", "workflow": "name: Test\n\non: [push, pull_request]\n\njobs:\n build:\n name: build (Python ${{ matrix.python-version }}, Django ${{ matrix.django-version }})\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n python-version:\n - '3.8'\n - '3.9'\n - '3.10'\n - '3.11'\n - '3.12'\n django-version:\n - '3.2'\n - '4.0'\n - '4.1'\n - '4.2'\n - '5.0'\n - 'main'\n exclude:\n # https://docs.djangoproject.com/en/dev/faq/install/#what-python-version-can-i-use-with-django\n\n # < Python 3.10 is not supported by Django 5.0+\n - python-version: '3.8'\n django-version: '5.0'\n - python-version: '3.9'\n django-version: '5.0'\n - python-version: '3.8'\n django-version: 'main'\n - python-version: '3.9'\n django-version: 'main'\n\n # Python 3.12 is not supported by Django < 5.0\n - python-version: '3.12'\n django-version: '3.2'\n - python-version: '3.12'\n django-version: '4.0'\n - python-version: '3.12'\n django-version: '4.1'\n - python-version: '3.12'\n django-version: '4.2'\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n\n - name: Get pip cache dir\n id: pip-cache\n run: |\n echo \"::set-output name=dir::$(pip cache dir)\"\n\n - name: Cache\n uses: actions/cache@v3\n with:\n path: ${{ steps.pip-cache.outputs.dir }}\n key:\n ${{ matrix.python-version }}-v1-${{ hashFiles('**/setup.py') }}-${{ hashFiles('**/tox.ini') }}\n restore-keys: |\n ${{ matrix.python-version }}-v1-\n\n - name: Install Python dependencies\n run: |\n python -m pip install --upgrade pip\n python -m pip install --upgrade tox tox-gh-actions\n\n - name: Tox tests\n run: |\n tox -v\n env:\n DJANGO: ${{ matrix.django-version }}\n\n - name: Upload coverage\n uses: codecov/codecov-action@v3\n with:\n name: Python ${{ matrix.python-version }}\n\n success:\n needs: build\n runs-on: ubuntu-latest\n name: Test successful\n steps:\n - name: Success\n run: echo Test successful\n", "logs": [{"step_name": "build (Python 3.8, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj32: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj32: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj32, clear=False, no_vcs_ignore=False, global=False)\npy38-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj32: exit 0 (6.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1936\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.96 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1953\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1965\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1973\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\npy38-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj32: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1977\npy38-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj32: exit 0 (2.54 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1985\npy38-dj32: freeze> python -m pip freeze --all\npy38-dj32: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2005\npy38-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj32\npy38-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application UnYSo3qOEcGiWM8s7301cRaGn3OMvAAhuHvw6wFq created successfully.\nclient_secret: qNTCJHTZoukrfcardhfertfbSux6dgsAujjunwduxVDVtoX9ZFSOVdkdHMTrZOe2ZvIeFJ19K0OUn6hNWzAynfaEVtVBYOoguGR048OwqRm339G2XU4mZe2Rh9X0OJ2L\n.New application PHvuE3XxZtoLjsHWOogAT1WtF5CoKxyHLU0QoSsz created successfully.\nclient_secret: lWnCB1ZR9tr4sYJHw4xie1l51VwxupxGHcHuSwucPv4NpTU2hFHhC9emfNvEtzC0FETqdX89AZ9k9xGYf8yd18AFskoFHuuxcMph9ep8ajpnyB6QPSqr7ihBxPNvh1V3\n.New application someId created successfully.\nclient_secret: 0d0zu28LUvcDrQfC0yDLlRLTa1PS64r0gUHFiKALuzEI4Eca8U0Mx5wXhs6mSQ3OD7kftjsp3NYqKqmzqE4k0WrymUsOR6WGzmSNlFtWF4ZbmwxsN1PJQTjc0xe8sWpQ\n.New application chnl8ZQ1SiYQpL10yVlIntOABFCmUe9zekVpeV7e created successfully.\n.New application TEST created successfully.\nclient_secret: jqpOkx6SONs0WGd702xyfnuKi3eELsFqnGOSbAmaB33yi34KTRVhGyoD5PBV8XSLGe5oIzmMupkGst3clye73SlTlgHfwBlqUVZON4oMunwIWV3x6oOTmO1A1spf5L5o\n.New application 7X4ZpSmE5hvlskQ00XV2cRUSSW4qnQWnQO9QJ8yk created successfully.\nclient_secret: n9mqqsQoWAKnhYFfZ4pTFQaqsf71QNY8sklS4QY3x1dCFG5eIsSwFmUpE8y305rbvscvNqxXHUpxXC9DAQglysE7fCxJ9C21JfX78QuoK0iEnp9Qw7H6367t8mDWcTcA\n..New application 5bcR8xDoI4INZ1UM02TOTxjQbyQqWjs2k2R6FgJC created successfully.\nclient_secret: zkEwT6h8maUbrrjrr9DKNJKWWufXSnn06iJphnI8WOMoYK4M80YqHQqm8A1jb9N1rXpUEhSgjKOrCOhNhA64I28rDIm8jq3nqTa4H51gh3t5d0YhWyWWHjL7XHKHZIiK\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n================= 1 failed, 446 passed, 36 warnings in 56.26s ==================\npy38-dj32: exit 1 (57.51 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2012\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1961\n py38-dj32: FAIL code 1 (69.84=setup[12.33]+cmd[57.51] seconds)\n evaluation failed :( (70.04 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj40: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj40: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj40, clear=False, no_vcs_ignore=False, global=False)\npy38-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj40: exit 0 (6.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1934\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.95 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1954\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1966\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1974\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\npy38-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj40: exit 0 (0.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1978\npy38-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj40: exit 0 (2.55 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1986\npy38-dj40: freeze> python -m pip freeze --all\npy38-dj40: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2006\npy38-dj40: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj40\npy38-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application MQMh8TikqzZE6niy8ZXglNyoiuKKwzNG8q6NgmLG created successfully.\nclient_secret: PxUckmIXMDq0ugItZIruAuwMQvfwggvOam8qPAYSpJQJTpZryR1zPOEGETjYutBpwsrriGtTJXD3hEhk1anQrlyyPDFcJbr5ebHxUYZMzAkob6IDKWF4WmKD3SHG34ub\n.New application P74YgRL8MeKx6NtZ6n1XplhBFOadS7Qw7PdZUFFl created successfully.\nclient_secret: XQLSzMI1OF42FNr7gMsekNEUQsXBYOmHJMtoG18IZMdB7RoZq9K1yyXg4EXNfwOB0SX9aUga1fuHRE7bbm0FQ1nm0kpkOpe5IFVbGitgJypXZLkknlNhNvCCacgfDe2T\n.New application someId created successfully.\nclient_secret: vf4VPAqce8z899HLUpFt1WLjoyErcG8sRm4f5yRN2eM1KmE7XnADKkh61H4rYPbUwXb7xXIhgAt0dCUWK93DwrJsPaZWIDn4rMKy3Ls4569cHkFChtdz1lYu1lgJV2ZT\n.New application UcGI4NDVyMAacpLQVphLeWKLOXMXdReOXbwHaXQl created successfully.\n.New application TEST created successfully.\nclient_secret: fBFVls2rXszbm3t4cdVXJzfQqbx8HTOmBQeDKFkS8LnN1kyDrHZqSbAz5vDmBqAZx6A34PbCvDZXInhl8lhWZCpTud6B2GvdFIbbVikjTdsWh9AlcZEGeoL8OTVDiR7G\n.New application feZXRrs4qjKVsO8XGTWl8anJbV8shVLGSXBR3p7W created successfully.\nclient_secret: p87UT5bSEjfqNB9L2Q58DQyIkrgfGQKgQuf8Jqedv4NDTYFzJe47IiFEHTiSOYiMpwEdvmaTPOkkR0A9gBwCvoFOJl1vmcFtL1uIg1NUvD4sMMKEcagRiXPsZGKlJz8v\n..New application IuVjYKwbluRavLFMx5yYYnpyRCMDXBkpaEaYNcWq created successfully.\nclient_secret: GMdbABCTeyod4A9Bb8eeWK5nGVmy1OHas2O7jGtQcA3FQtPtELIyymxlMbd8u3DRdCFCV7SDknZyoHwewbq5regZnCbOhpw0olAAruIf2Q6rzH3iFrlMn1U6TMPvXXAB\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 66.83s (0:01:06) =============\npy38-dj40: exit 1 (67.98 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2013\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1962\n py38-dj40: FAIL code 1 (80.71=setup[12.73]+cmd[67.98] seconds)\n evaluation failed :( (80.80 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj41: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj41: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj41, clear=False, no_vcs_ignore=False, global=False)\npy38-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj41: exit 0 (6.39 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1914\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.96 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1934\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.24 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1947\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1955\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\npy38-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj41: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1959\npy38-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj41: exit 0 (2.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1967\npy38-dj41: freeze> python -m pip freeze --all\npy38-dj41: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1988\npy38-dj41: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj41\npy38-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application po2aFL9r5Rde9t8U92Nf7a7pAAMIQ3RzuXcid5XI created successfully.\nclient_secret: wZHipGyJtoHUHiCuFhPHcjdqhq4IUfFXciSqNvB8Rj4lcPsEUQwpBZ5d6uc0yZ7Y0QavAqMj84q9ottRa6Ioy9kwCqTnPVnqmYzR2sJ23pfJRG3PGSwG4dEu5TDXDR48\n.New application Bb3iD9ficURJScovgmBf17NZcTDjzJM88iPzHbix created successfully.\nclient_secret: aZCvmQsRVDx4i7jWY3PGNpJWFurvuBSmzquydeNzBBHhMuPUx2ahcPHKE1WqvheoSMtuocLN1ILcQyEh138GCGlfuzr4PAcN4AwrwC8d8e9QSsiEA4qovDZVJ7hylJ4o\n.New application someId created successfully.\nclient_secret: f1Zx0PrwK5cIzRq9taLbc2M2V3LBbGG4pjHi0fBiboqfESMNyIg14YiYsQv6lLiZT4Rzp625ZBgzrW9x0h3L1REi7wIzd9vnZoAUWfPr6A8a3zvcnuiIqLERb7MjOEna\n.New application d9cXnqFvgflY2q0lrkGY4DlX40Ldhm0cDMlr2kaP created successfully.\n.New application TEST created successfully.\nclient_secret: VKmRrSfWe151wrv5hzNOvpCp3viAH5yjHGCgYOTDkEnoViuN46EsXQgTp2G4ozN2XPtlCTBrckSkNVL2xZD7zoaTNh6Riw4yL6ZyaLqfaO7oPnB8Mp0ii1EKEkJNd5qh\n.New application pq5ie7dnfxp2uygDt4pgjCIqZ9JrrH5FehJRMqFY created successfully.\nclient_secret: kMEtELHCL9545eQiUPXtqCEhiybycmI85N1XQbqP13Ad9puayTrgEmfiqW6mquQnXm6VO8Z4GkDCeSTew818OpxSXWYR09wyFcq5q1g4pWE2HfbHvs9CTNUEDjztc6Cu\n..New application oSFCEWHVj9VXlTei1CEet8J5eq5ld4VwGvUmxYdI created successfully.\nclient_secret: TIYA1WfhQrkF9njahFfmvR4mTSsWo9eA2s98yaqUCKnUIz48vKODnpru02fgLMWNRIRbuNaZlZB6ZR7kBQ6EmWLD9hUqiopcsA3YjdnP2IrwOspW1iDQAWwUm8pxnMxH\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 79.20s (0:01:19) =============\npy38-dj41: exit 1 (80.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1994\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1943\n py38-dj41: FAIL code 1 (93.06=setup[12.60]+cmd[80.46] seconds)\n evaluation failed :( (93.26 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj42: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj42: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj42, clear=False, no_vcs_ignore=False, global=False)\npy38-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj42: exit 0 (6.37 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1905\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.96 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1925\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1937\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1945\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\npy38-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj42: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1949\npy38-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj42: exit 0 (2.54 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1957\npy38-dj42: freeze> python -m pip freeze --all\npy38-dj42: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1978\npy38-dj42: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj42\npy38-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application SytDXoYOh1S4GvbKcBtOh1vYWgfeDWMkqwG1WXLD created successfully.\nclient_secret: fiXMy59YAxD68FJR8obNvlk5zjDlezCe8gXwGCfgaO96T1fxXggnIGg0VimgXBEhIxGT5KvyUroOtI3vZlcs7yPd2DDvOLM2CW5D5cfrS9ZpEqFtrmu6K62wZoyEFoUD\n.New application pHrx1ts6LVEfq6CwJfBb81L9naOOl5GU9AWuQEKm created successfully.\nclient_secret: UPiroM83zYuc8Ylbykq28Mr2HkpyzmoRayVNOWLJ22uFU1d6bhcuOOlwBXSyxehSQInKh93km3p7eFelw4yxnh1AUfmS4hlpJj8HsA5RdZ4M7e8vIB04Iy15vwYlvUVk\n.New application someId created successfully.\nclient_secret: E6BLtwNXWPqCiV8KqAqAo7F7foKI7SowQ2BP0Fz4kBpeKUP0ilAlyPBMdguqh619Il62XaRZozEzuEutSprneF8smoQRvJMARreDj49M43Q2ZXT5T0bgHwrgQZom1Y3j\n.New application ibQ0Qih5VQLJGKmUPb7Dg634BdUH57EH03RVHOoy created successfully.\n.New application TEST created successfully.\nclient_secret: yxA4EqGvhkOnFdrmCKKH83fjcRNNPldJNZ1qkRRfNEQf7XvcYn3swHpDEfzrhkwVaC3ltzWcrLUvmCcvisNQCRy6GG2isdu0AhTUpHeH3ZH0Nro47GrmghQGrlLlif2D\n.New application qqXaUTyJMgvRsvhbwgtoip5oeBNzMHJkosw8AVrY created successfully.\nclient_secret: CcIPkqZrK15JVsZJ2Qzn2Q5wpUbN99RgF40STsnLRDmZIPJIJ4jfNab3yUCXFLHWjkCDYZC1N5oOXAnzMe29h1RZPV2bEY74CE7YkjuPO5WlAMsdnpRqqOJsmPzj4fV1\n..New application BHNOUwb3fIzlUWJ5uJMYdXz5vbzt5K3aRSbuJEO9 created successfully.\nclient_secret: jMYC4tugxsyN3GZeOEGKY4b7HxHtVP1X7qnqHLgTknhlfZUDHzl52G0msiBlRlsfaDr32d3kzPzsk0bRcU1dlXPdoELdjfKebbwME6pPZp0Mdo9D3pZNCJXWNTU8tqER\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 115.70s (0:01:55) ============\npy38-dj42: exit 1 (116.74 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1984\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1933\n py38-dj42: FAIL code 1 (129.28=setup[12.54]+cmd[116.74] seconds)\n evaluation failed :( (129.37 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj32: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj32: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj32, clear=False, no_vcs_ignore=False, global=False)\npy39-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj32: exit 0 (6.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1916\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1934\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.23 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1944\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1951\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\npy39-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj32: exit 0 (0.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1954\npy39-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj32: exit 0 (2.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1961\npy39-dj32: freeze> python -m pip freeze --all\npy39-dj32: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1977\npy39-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj32\npy39-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application g1jiHNrffmHvcZbWRgwTK5KMfELmfWJGgw5CPH3c created successfully.\nclient_secret: mtfiTZMbXfUDOsEsHNvdokWQxolcsukArGjL5cdIOHthkBaJy9vTbbgwfIIxElMQYsPPBOMT92yxaZU6s9fwz5LFK3uKNqcWaWC38Xbb5tgokRJpU1AavjJCcazlDlkD\n.New application 21TVtceSxUjeO7gJhdrNy7rdO5cxUQIJ9pCEh23h created successfully.\nclient_secret: W2yobIpQIVHajszxHkpqN4LSKhYXDscya71jlg7DqPMjP2DX4xJPGROrVaNZMhPplQnzscOh0OHcnrfjFZl6wCqitp5vwYRzgucix5cnzbqsl2gqDcqqrH2v4l1r0tAE\n.New application someId created successfully.\nclient_secret: OEnxDsR30grkzRaQcRlNsoZZ5Oz5sgx2LOYyzSINPiXb8rSKRadqb15LL8wJT98fjY5vmW1gT97sIFhchCsCQbKrDpuZDbUwVIE965RctM4fMr965KKXxOLodNf9Rmx8\n.New application vprb6us43eSRV3kWnkcz3S7hxgo1CLMKgrPvudf7 created successfully.\n.New application TEST created successfully.\nclient_secret: lK4h2kXRJRD7bQ5jNDggZPL3etk7o9qhI1XHAKg00FBv8MUwJmdJZ5wFRMRx7qltTV2JxTZkWuJKKlyyp483X1MsB4om4Y9esmddosWTPCqKbnQObnzS4fGmCPUuIdH6\n.New application ksk8PdfBiFrI5NOsOCdNHTJrfo0mhYiCH1E56ZEi created successfully.\nclient_secret: 1QnEOOytmh18ZjB0a9usAx9zPsW7MtRfFC9D9Qk1OwW2BRA2YtQ9VkJPVhqn0ktJDMZOtcmWHQwU6UkfG1vrCNFiEkcIRgLClMiapmzp3So5L7H6wClmBszTHYgMkRdY\n..New application lvEcKpyAGl0IOLeNfX7eKB630uzrYJlY7SJ7TFIX created successfully.\nclient_secret: Z7yGtxRsDHEHo3g6tWC0LvTX236saYkdrNn8gvKMB4ubHvBF2zIicHASJx0q0WQtMcMYsZWB1QY2w9daPQ01jjrdDFqIFzaQYfl9Ifoi2ujH1RJFu4nWXouQkNipvBE3\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n================= 1 failed, 446 passed, 36 warnings in 56.39s ==================\npy39-dj32: exit 1 (57.50 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1982\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1941\n py39-dj32: FAIL code 1 (70.25=setup[12.75]+cmd[57.50] seconds)\n evaluation failed :( (70.36 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj40: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj40: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj40, clear=False, no_vcs_ignore=False, global=False)\npy39-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj40: exit 0 (6.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2380\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2399\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.36 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2409\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2416\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\npy39-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj40: exit 0 (0.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2419\npy39-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj40: exit 0 (2.58 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2426\npy39-dj40: freeze> python -m pip freeze --all\npy39-dj40: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2441\npy39-dj40: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj40\npy39-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application htH10PtrXUqLNvdP8k6q3n5MiIGMxcqQ2zASb4PJ created successfully.\nclient_secret: Pgf2xBTNyxkuOKFDFjiqnc7DvMNYFhsjsfPRSMKv4KhWXDJuWdXnv7v16JcTBJVX2M1TtNiZfhvcqnNBZEE7rYFwmjPzuDvCxnJIc91GBxai5gaa7zkGNcbM0smEqcqE\n.New application Z0FrLQEPlkdhnoXz2JcSKRBk1iG4OQGQ3LFmFOFQ created successfully.\nclient_secret: abty4qUlA8l3TvcaoXh7pTomHQ4H96xo1osOpCHmL6WvC8DwZThg5LVL9pNJl6qwkWIHV3TONpqpmeXp21iKOZ9we5G5HucdU0tvPCeX37sJmlLG8Zo3fNEWBNix2unV\n.New application someId created successfully.\nclient_secret: cgS8nuTnxIfcRhLc9jiL49liJJGfi4nlrZbN5gL6xXrtEq10bwlYiWxPv4fvFth96XNhzQ1OeHqM9UELgonhOZtNIXRuoUjLz3V1H2zcRQiwYl1FGAnMh3UkxjYzHYAx\n.New application qoAop53TA7eR59sadX3TDynbtTf6b7AyS7DBM2D4 created successfully.\n.New application TEST created successfully.\nclient_secret: TByLqJfrb30tbPdmhe0mQUAJEggBPHyBA2QotnJvB8uUNySofHKiy1U9buOvhwj6lGARvpBblJ0zEp7Nujd2JlfdwEXIUvTHSvnYrxA7LGVdF8WJ6OH6hEm0wLX7b00W\n.New application iyVYyOv4IH2zP1Lh1vt93H46frdxOWKtdOi8D9pV created successfully.\nclient_secret: fo4pXh1RRLBmfD1cHpwN9FkomSLAZhpAYyoAcH1va453mGTtVpqbF9cx1Ukqov9lSlphCQbNiqJQzQjCmpAQq840rL54DOt2kyiPsn6owoqAK1eYGotF6IzGXDFRxZlN\n..New application 94CerojOPZ1FGucIKTbSa4QfHZXtdagjvJJxBt2J created successfully.\nclient_secret: bAvUk0DQpTudKoDXQgrQ8haJFnlFOicQGopx9Yg30Q9dvb3YV7W1rNxRvK50muf6B6yuq63hYgj2cNT782OZAJIHckAdp0vYrQwAk9UnyRRvazXCAWyJMPkvxacZMbBe\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 67.34s (0:01:07) =============\npy39-dj40: exit 1 (69.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2446\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2406\n py39-dj40: FAIL code 1 (82.31=setup[13.20]+cmd[69.11] seconds)\n evaluation failed :( (82.61 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj41: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj41: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj41, clear=False, no_vcs_ignore=False, global=False)\npy39-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj41: exit 0 (6.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1934\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1952\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1962\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1969\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\npy39-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj41: exit 0 (0.58 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1972\npy39-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj41: exit 0 (2.55 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1979\npy39-dj41: freeze> python -m pip freeze --all\npy39-dj41: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1994\npy39-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj41\npy39-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application hcVxZ07cRbK7fqsYiru4TYlCSHAHnSlUdQef1KcI created successfully.\nclient_secret: kbZARjhozcH83VqSC0IqhzxJ7FUhEOnMMUzPpIB9OA9SXO887IKb8dBtgnSmRqKufp4PE60OiMWBWV7auzKZL8cetLPTtsvpKY1oyFEjQEwN2xFg1udkHHQy3ek3LGwT\n.New application F6vJ3jZMCRFCIzS1KbI8yrYLKoTxYwNMOZ91XltU created successfully.\nclient_secret: FinSOcMAYp8arnn59XSoSKVQ07AHeDF07tF6bSflcNrRvTJMCwWokzhBXwT8i4w022f7b2A8tyJxwiR8fdRbNGBBbE4yJE1IPbw1rAyV4OB8IYVdce6OUOZwjpRblFk0\n.New application someId created successfully.\nclient_secret: 9QlJWWsvdb94rMlpxr1NTZPEwOC7ibrN3yNENgg89oGoG4hGdv7bjBnoqaUG8MwUYnN21u0EOReoLILOVOSdzi0x0WtNjq00XwBYfUf4DD5psXPaqKRlHZlKCBWomVRS\n.New application CUgBWZfqLSYx5GgbzykUCDu3MYwFSBbQzh63dCng created successfully.\n.New application TEST created successfully.\nclient_secret: xifRt2KB7LHWP3S2vjaPcZCf1xcQt7v9Su6q00FCm7jdpe9q8QoGOypA8TP4VcMmuJuWeq5JFYYdoaPIcdb9CjEFPpa1NRXi43Kxaa3oKycSQcYD24cTpcuAz4FR2nBb\n.New application PLVCJH5wcV1bLZ9ezLzln7HFmO0JuLqqOjLoKUCn created successfully.\nclient_secret: ESH6erK4nOvWvIN8NRvqCozLZWkYKmI1W56oGSdwhatbLS8d7MrZBdr8G7XhUg1rxSPYyPhcfBXSOCSPzQNUeQ9qFLjLCr9NygFcw9y47Vmy72HdtqgdQZ5mg9hB3ZmY\n..New application WJCE24L3lGMnuo5C19VGxHZ2hLDqR9yIjXBBSl4B created successfully.\nclient_secret: ZTUt7cPDmUV7301o1Qx29Lbqtx7kjhCtoRUvHXFHXEKCznVg3TATgSaaknUFKIdj46pRsSznVgHue5INvL8LiUp5Du26aalwSLejdXxJI3Y3DthR7qr8EzZ21KrsSbQA\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 77.40s (0:01:17) =============\npy39-dj41: exit 1 (78.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1999\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1959\n py39-dj41: FAIL code 1 (90.92=setup[12.58]+cmd[78.34] seconds)\n evaluation failed :( (91.01 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj42: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj42: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj42, clear=False, no_vcs_ignore=False, global=False)\npy39-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj42: exit 0 (6.52 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1919\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1937\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1947\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1954\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\npy39-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj42: exit 0 (0.58 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1957\npy39-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj42: exit 0 (2.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1964\npy39-dj42: freeze> python -m pip freeze --all\npy39-dj42: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1979\npy39-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj42\npy39-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application PSTph0JOnuJiKheBCXeT65wdxGQCcWfIMnZEMNgj created successfully.\nclient_secret: 7RnR9LdiDrUaAnvzR93or3ev0aVLwauHNL6ikB2DV6rubvzqoMvEygOVMO1j68LQaOon0Z12FDFnljoj0TxOotTQAQDtlGaJqRMa0GqWwspgxfDI3vKUFZ5y3GxZfCT1\n.New application vla7w8j3mEs7uOZPIjOGwbGFQy5Ns5m4uqoVBCd3 created successfully.\nclient_secret: P1A7tLV1t8XQWPQLVUEEvfHFZj6xiQkv9cuHi7xrav5AzVJ1RhPcR6EEATTkrYONbiZ7HvBUJc6HVeQaZWJhsDWLYd1QtiTEahyU1Ow02gmceIM5O9cSA38FBtCwltgi\n.New application someId created successfully.\nclient_secret: u0duu8OFwf8ibmDBBRcdkZ1AxGbvwkjQI4R9MvwUKhPOKAz9iFCQKIO6p8upLjKCR0qoEXIjHrV5uo2yPimxX00MNaiIyPnUd0TiRZo3YcAv4Gzdyfh8WLx9NXGVrJz2\n.New application GZXFpvbj4QrsOn8kSwomNpFuYpGl59DE3ArOAiOx created successfully.\n.New application TEST created successfully.\nclient_secret: SO6rmJlK4OEnTOdJ0hKFSDSKF8LmhnB53xyGseRRr6KQW73RLRnUHv4ANvDJuhAd1bFxKUWn0k5oMfK1GxVA8YjEoD1ofLf9M6SKTRVyZoz2wK8hhiImzeVQqs7zx3Oi\n.New application 4rU6LqJ7CLUdBzeANIuQPoZZbo8TjgvtuYq4iSGQ created successfully.\nclient_secret: pe0XKN60rDwcdAPd6lxMhbMWoyzWJcdDGKCvc4SRdMMe0MUDR3R6DIlAoj9HUXk0QUtgt2PAmXGbHw1u53cYAJOK5uG4lfotPtjlXgcmjyedqvSRhRNkS00z1px9r3E0\n..New application QVKtKZnzbIhkp1UoXlmzQqDhMl8UruqpAsJuPOq5 created successfully.\nclient_secret: UGZLZ6VGcnogfgEJVjMhnXSJoFR6mj8Sghw88A5I03OVS4odE3DPHZvxglfS12dhDeES2Df7xUz5gYddvoamFeD1hfL8DnMJTfbBT4KP2P4jCfT2kdXRWMONg4OxvDlt\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 116.02s (0:01:56) ============\npy39-dj42: exit 1 (117.68 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1984\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1944\n py39-dj42: FAIL code 1 (130.50=setup[12.82]+cmd[117.68] seconds)\n evaluation failed :( (130.74 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj32: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj32: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj32, clear=False, no_vcs_ignore=False, global=False)\npy310-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj32: exit 0 (6.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2263\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2283\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2293\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2300\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\npy310-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj32: exit 0 (0.58 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2303\npy310-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj32: exit 0 (2.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2310\npy310-dj32: freeze> python -m pip freeze --all\npy310-dj32: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2325\npy310-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj32\npy310-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application iJNk5ZML3fQlNziE00BKUBMbHlE7oH6XsN6dCZ8J created successfully.\nclient_secret: Q39IvKVNf2X66irkwS8DCzy8EcydsZq9YpXJA3n4cv7hFDCdz2eqKkCMcMK06MTNydc9pV5WIEe8Fm2wT923gQl3pSsGQS6RKheIf7vSzEmRGaZ3eBbJpwjl53hQ9wft\n.New application sXjlwlBjeyAdYsgTjcrcGY6wdPwL51CSJQ8ypwgc created successfully.\nclient_secret: fh5adXbdjTovkXIYKI5yU5ZOGUmd7Mnqy21mIcRDfG7uojYygsgen87t2EYq9LF0KZHIhAJTqd9QE5HsJNw0513cB5hlcXKAntWGTG0Ce2YB6O8FamgyMxvrGvV6uvdt\n.New application someId created successfully.\nclient_secret: hcmjDH5QwkQ3cl6RlXCF2vhH6ShkdlOM1Xjr5OhcOvgMxCeoFo2Dbl689aI9nc9DiXrhdbQHF2HV8pL7jXIPZ31oMVTyHG8mayglUk2M5wDORmqW7irUN2dc4iSqoo1C\n.New application rT490MzPMl2QZtmYx0nRedMZD4uO1PjaO8ovf9b8 created successfully.\n.New application TEST created successfully.\nclient_secret: dtR6wdcX9BZwkbSo0DWMkp1jaeIzic0fxa5h8vijccyBfQjYMGR0KRG6L7pn8MfTIYmZ5rNCreWpG6jO7JcHfssrDaXKSGqiBYyI6JJQPOQgwsWIwF7YM7T6OXkPBTeW\n.New application xedtLSzqRZjedVmdQ4H4RQYEsU63gOxHKaINPDHA created successfully.\nclient_secret: U92pPCMfhvy5ot4p3at0QnyKkaJ7zWd61jpMpRDPF3VC0yAc1OT2fp9sKcb2ij2mnoahmbl2tSSRSnWCnEAZBZpK0WkorNlNIPhLDglaKIrtrpzIwbCRSMGiJi0PVaRL\n..New application p0khDDo8Ld9X0CTDM4pHJWiz5zR2UlFal7ep48kD created successfully.\nclient_secret: ohMVGuBHGSTgbrgNkwUfvnDOGfzO012Ld3WxmXOWkIn6BZjGchcdEOG4JCJSJbJZkpji8VZs31i3OKzCTCpMxu0CwBQcZzpQLYu81O5df9Zg17V2zuVBIScOy4f8w8OK\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n================= 1 failed, 446 passed, 36 warnings in 56.85s ==================\npy310-dj32: exit 1 (57.91 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2330\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n py310-dj32: FAIL code 1 (70.55=setup[12.64]+cmd[57.91] seconds)\n evaluation failed :( (72.55 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj40: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj40: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj40, clear=False, no_vcs_ignore=False, global=False)\npy310-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj40: exit 0 (6.69 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2032\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2050\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2060\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2067\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\npy310-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj40: exit 0 (0.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2070\npy310-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj40: exit 0 (2.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2077\npy310-dj40: freeze> python -m pip freeze --all\npy310-dj40: exit 0 (0.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2093\npy310-dj40: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj40\npy310-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application DcR7SWNujTtjFvbgeMm2Q6pDEODlcRVcmKL7tQxv created successfully.\nclient_secret: vV0SAcp2xBxu3xP6fU1Cwu2PGSZKGAysmAgDIVKWSeAAhjDwQoYuc587JHnZfE4SIeSBCAwV9rQoWLUxphgcmW76EwhhmUfbll4PlisLWWzB1rRfaLtyiuGuVeqHb3Fh\n.New application sptPivLtFfbeMLeshuIkRauEay7BKToeKOxIUFqe created successfully.\nclient_secret: FGeinYujX3sCP7DoJZHSGjsskxQG8rTUNOOL7XiRasur4grpA4WmPxXhQ4JUbL3KKmzzKlLptLRmP5483buuYmBPGgxmcrg8lZ8H9BVtaW90GZ1V75oLzC7SccugVT2P\n.New application someId created successfully.\nclient_secret: ZOl9bxBCm4TRu4CxPdC2Wa0tnjTf6YmGFziJX0bgYGzUpFbVLFwJIgBtyU3RRGieXfKARlHcIbE9s4YoyLhuLSaqJ7lGF3mUqRsWKjKIrmIJ0koFAd3O7kcz6tJgtbFC\n.New application hBDNPZlA8I7jjqgGImkkxPXMphzqQIj004d8vDB4 created successfully.\n.New application TEST created successfully.\nclient_secret: C7UP9O3J3eOg2J0awMa8XW5XjTbktY6VqwWQbltb8lIwZfZrtyGItztx1ZG5Bxn0wGPcIDQxDzrzoeQ8hUhE7kNW5bGIpRvTmNE6y0gQ8QdKAC2zQyCQwBuynlbNxr7D\n.New application fvwow21UFdPJKKmFORt3sQ5xYc7V1JZPUZQw9HZo created successfully.\nclient_secret: 6ExL7aRa6ZYVsAFDCWDOj7BuUts0b87SAP0OkpsQWW4tXEZzO7b67aPVFzDnfeECwPB9rKeOoCxSDAsgHqoIGpXKUNH8abMf0RBJA2rkKUhHi7qJv0dh29DmLwJNlP7Z\n..New application IYXjy602OQGhTSm8jp7qKFKnRPfhB1O8ljyUCr26 created successfully.\nclient_secret: XvL94L0vfLh9hO5YIzrJBie0d27jqKcfW1OYTmWMok7z5Q1NprFxruiz0cpmftbNdKqdbwgEX77PTdOQi506DkRI3EJ5WQTgkgCwNTVCFGP9e9yne3WavMKTMp0Z3gnc\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 67.16s (0:01:07) =============\npy310-dj40: exit 1 (68.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2098\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2057\n py310-dj40: FAIL code 1 (81.44=setup[13.11]+cmd[68.33] seconds)\n evaluation failed :( (82.64 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj41: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj41: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj41, clear=False, no_vcs_ignore=False, global=False)\npy310-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj41: exit 0 (6.51 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2040\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2057\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2067\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2074\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\npy310-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj41: exit 0 (0.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2077\npy310-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj41: exit 0 (2.51 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2084\npy310-dj41: freeze> python -m pip freeze --all\npy310-dj41: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2101\npy310-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj41\npy310-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 3uGwf5SHSplSDmyEUT06XN3cGJEz0XlNGumMCtr5 created successfully.\nclient_secret: JFbQsIMXAOz0eKubjX9FfHFPtjN4Zpe0RaijJd0UeoZ1Kj128xaPDmKXwhI5CSgUotJQOXxDz5ZNhy1Bx0Qv2hVqxsqccTyhPeA0RneY3cNIjakUlnanZXBd9MGJNTN0\n.New application BhI4p8oBjjSDTsc8nrQyjJR26JhLaquPZVwwcOMT created successfully.\nclient_secret: AWQnYV2R8jfY3NjLlD4tG8PZPGOwdoLpFGNAzQvZ2oT0Va5j1mrwAIzV1unhUJRKZyxjolrdYFc5ZWX5G1BVeJj6BlOKzKIQoE7KGjSrlxpTgHZY0lnfBZTbz2OPzMEI\n.New application someId created successfully.\nclient_secret: GsZYzJBOtUOhl2VkUJEXdsLvfMKFyAugH5HDNEr9c4pDXRBfN4wB0l8KSKh2pKnD86S3vlK19WghdmmfOja69eI6ZWZ6sEFAbG2AFZty5I5yUsUsug1bCbMrqdPSIIpI\n.New application wq22dAErdUepKzvMvx1C2gbaEi2kheTdTJEJWC97 created successfully.\n.New application TEST created successfully.\nclient_secret: KJLZIqh8B6ZU9Ky72MaxajhI9xDJ1E0yIb7M534EFIdxHmsiKfXmCrArTTopD7eYZxiAPG8nC941MEVtR8F7f9EVPnv0bNAYTOympVjsGJSaPuUL0CTygSiqFVJ6Hsl3\n.New application H6ab75hjmlcOnjeaKTHiLyIXboGEVOC3pPMtVjn1 created successfully.\nclient_secret: iRsrVPx4RGNql2PGOjXPjKPfGcqzXLwSvtpnLxxbsrjOlxH5aU3W1BVWA0JLX2Eb5zbfExQc2knTk6tfCzVE3mP2xPPXuYKnoydiATGfX0OTTmp3v1XT1Us1aWIFr778\n..New application 1KkgLeIDjXFL2meddLLpW2Tg6V377EKlO5CPHu24 created successfully.\nclient_secret: U918X5ySRUvdB3jMfbtSpnptYJJkpTPOAykDrVdw9Y5w9HzYXv3sxXXUJusVina6FF33FQPGXWI6i3LN749tluFv6UwXJwvr7MnQB8az1kN8iR9c0ydm2i6DMc6yPZI8\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 79.33s (0:01:19) =============\npy310-dj41: exit 1 (80.72 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2106\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n py310-dj41: FAIL code 1 (93.33=setup[12.61]+cmd[80.72] seconds)\n evaluation failed :( (93.83 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj42: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj42: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj42, clear=False, no_vcs_ignore=False, global=False)\npy310-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj42: exit 0 (6.82 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2276\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2294\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2305\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2313\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\npy310-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj42: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2316\npy310-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj42: exit 0 (2.62 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2323\npy310-dj42: freeze> python -m pip freeze --all\npy310-dj42: exit 0 (0.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2339\npy310-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj42\npy310-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application ZK0MMhitrFTmoSfC0bX0Yapuot9Sn8SPa4NTukcF created successfully.\nclient_secret: qDvcd2aydHVtqSmC7aiksdDJWgSIN24hlSFXRdXbOR8hx9kwrJqROPXSguEnijWldJnYwoxUSo6LQR0xDJEEqeoZNfxAWuRymvkxMV9yCQXCQp8Sh2heST8kCuQWFsBm\n.New application oUQVimN2GPPYH37APXBmrki8WOXvybnSbX178VmZ created successfully.\nclient_secret: PELYbRfP9hCzr33jsTYjhdaQWzV2G1Ftkj4lmVIpJTEP6sXpxRJtkEWyPLXVJ7xujOhe9C3BdeUGWY1kXtXl1CMctm1V4yLQLTa6XYMZYoAx95Lp9Kyi6HW4mRozoGIi\n.New application someId created successfully.\nclient_secret: KZ2Y2iXy4j2dB2fzaBlE4BTf1oeSWwGDcbaNjq2mWat6jWIkUnGVodtmDPu7pSEPDgAfLLCq1AoQJ8jWNipLKqk6mB3SEMMAGaNfL9KT60ojEEKEyFgG4kp5yKRNInzN\n.New application Hx5xR3CG9LiL7R94MV6qGstZv0Lpiz3vLzYnJKxJ created successfully.\n.New application TEST created successfully.\nclient_secret: YLReoaCGhAQC0JUQw4bkrF8X8tD0YZCUanGcHj5nQvnl6BX7uq43hi94UnzF1O1LMYFEiH5jzFTUV9kNLtRUmv9vnO28WDgdF2hdIMZayanzvL7zERCx3s6Z7stI3x8F\n.New application PcDwC7xfaJME4JPoWeO26QXunU5Jo42DAla9ylBp created successfully.\nclient_secret: p9b1hzI7i92xiy7QIBW1H2K9Fb0R1OWM3OVUaOr2OcUiaOiWCmmZ8kkWw7DcSsAZX9HfM8hGMIhlx9vncCNIbpw4Hw2rnVvvAgUjf9KQeHJGvuk9OufkFHe2VIaDKasr\n..New application VyGgwrtE4Upb3ptCeNChvISy2qF4VwnYj4oG5GcF created successfully.\nclient_secret: 0W8kjnvbDFwRkni5Ey6XKpekiaRDDynM0wsLezd60a58Pbg9b52MhAdS32CWY2AkTUADfPupZz710tU1U1eJXcQUuZoWFr8OrAGoisXF2lLDO4iIGUBoVNvBj3C3XclC\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 116.84s (0:01:56) ============\npy310-dj42: exit 1 (118.95 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2344\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2301\n py310-dj42: FAIL code 1 (132.38=setup[13.43]+cmd[118.95] seconds)\n evaluation failed :( (134.69 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj50: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj50: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj50, clear=False, no_vcs_ignore=False, global=False)\npy310-dj50: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj50: exit 0 (6.78 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1927\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.14 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1943\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1953\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1960\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\npy310-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj50: exit 0 (0.58 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1963\npy310-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj50: exit 0 (2.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1970\npy310-dj50: freeze> python -m pip freeze --all\npy310-dj50: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1986\npy310-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj50\npy310-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application WhyaM0vovKROutRol3660Dzbr4IkURoTM1RoyGf4 created successfully.\nclient_secret: PMhW5Eg60066XuhEUwjbGI4fBK8sYDY8VXU6lXwac5HsIEYpOJclEWdExqELMUbj1cw9sbR4tQtxUXyOJESTGf0VzduXoqjaFPagS3J8bCYTzCiIBpW70cF6vAOMa2aj\n.New application FDcdcnkbw81jJwuhwDZWW9XSHnkQSe9IjJdZX7E4 created successfully.\nclient_secret: uYZmbQMRMssgdt9qVHVSQanZ0mHGYJt5sNIJiYlWSGaWmEyKI2YrxHPslToxnkPHHs1pWBns6PArvy2fhCcxrZxiel3kyjegMIMAU7LmPbtB9teWP7bJZqS6IVI2eJKh\n.New application someId created successfully.\nclient_secret: azxP7KJ5ju9010k2tanNIjqTCXtRKwka6AAXpUXKTFrPuOWJdlkX8rAEB2hERwsOEfW94PRUiRSXlAuPHqGDl9sA2NuPQa8BsLqgLpy5hwOdpP3VIOc3MLrgVMdqg3Af\n.New application 6ry0wBwLuy3qutLDLvhAH8SZW7zg4WrhEoUqmHVH created successfully.\n.New application TEST created successfully.\nclient_secret: Zct1dY41zSPHH8czQdX34IstGpNAM1RrCS3drpAsUMp81HA1b6vzJ0jCvGrdobsWe6iFW1VXdxL6tq0htl3fad73FHU9lBH1jby3EtgaJZP4WWHTyzsZBvLL0XlmtYV8\n.New application 84QfiInZQqivQdMpkOFhCtROll378USn2sbXhezy created successfully.\nclient_secret: 1ONZRMpH253aeLirtWox74RGAb5YhUXzACqOdNh165pr7wWvb6mIViwscQRMqhd4RmWzzN0KASfwtShqxIBhq9DQE645uSTQ1DEU7fCYgB8BBXAS9fmek8XUa5aCRrPA\n..New application f5lu8s1vedaTP3lyjo4uBLZe6BqrtwxggyvsAwhS created successfully.\nclient_secret: R4KEQWOZ8emdnGBnbB6F6tT1RHcANCGRvp6MKmu9cp14rXA8u0xumhTjQI8O3AZsw2aSS69BMt1lL3uBACsr25yO03DkMqWxThokWMRZmeJrocUbXhp1mfBWZ93n97fg\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 138.27s (0:02:18) ============\npy310-dj50: exit 1 (139.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1992\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n py310-dj50: FAIL code 1 (152.45=setup[13.14]+cmd[139.32] seconds)\n evaluation failed :( (152.96 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy: exit 0 (6.23 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2040\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2057\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2067\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2074\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\npy: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2077\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy: exit 0 (2.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2084\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2099\npy: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py\npy: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application gxBE64zzU06B29V7FWa6AzfQABpbGs2c3bNbd0vN created successfully.\nclient_secret: dvHM0y5StmhkSKDhSOzkvwEluX6sNNdO2x0iWiyvd2IIIstijznGTtRF4xjHII8h1gMHmpK6XYH4M1kXSvyZSsGLHJ2VookFSi9QoxX5dOEckj8Q2xvDpXKLDBxTDmaZ\n.New application P7wm9sqZvKjvszjiCSMEsTG11fAnymrkkcuJjVMO created successfully.\nclient_secret: h62OSuINoSMCsFFlSXW5Y4z4sq6qWfmHcCqwTKulhpL18DetGULKPnZggqUqqOhN61e2QoxJqQRpGRzTLcNiCTb35Ze8WagqqTBzJqdBZIvoFyknL7PquTpCNWp85Mjb\n.New application someId created successfully.\nclient_secret: LoUvLHmMjoUkS5t0kVllpzT0kw7vllJpabj3kxTBMJ8ANyWpBLAx2sU5vTAOM1Xdt1JP86AdF5K5BJh4pJT6qh9cCp5y3qAtkHnEjQbg8UTa4dndBLurPYPXJPi2q0Km\n.New application EHzXLi6RQDkpZLNCGD8DwoEgFkhRGhD7lWzDIv7I created successfully.\n.New application TEST created successfully.\nclient_secret: eZTiUe9Rp0gbdts34IbaaC4fkzYalp1cSBhnRQFBK7tmPZayDo8I41l6MRu17To1IQHocGpeEajGGpbYu5ZDy4boZiz1LlcOxBKywOQMqIVYNKlr4oyb9cCjCQHRSyTx\n.New application EYy1TaNrVDtNZOrb5HqyhOyGZHgbSSWnvnpIrRlX created successfully.\nclient_secret: hjTyAnJDDZotJspgZ1uCkJD3pDVhwgTeRw4EmaDcq7A04k7TfKERRdxgnw3JiIKWMWLRzpjiTrSBcIFzhkVPXkegHMTkpndP1Tfd1qKXfQcWXWNlES2Kji34TecpY4Tu\n..New application wgHFS75yWwxrg5z9NBJYsO2CBMusbStqs8G40sjG created successfully.\nclient_secret: gXzY0rn39IJTxfDdvuPyRz8ijijtw0Irw2YIaAx8GaaOTLCqrefc4iMCAzZEvgU85JFxlrNDQsLwmjE7Dy0beBaSjVQkrfkcQUfwCGZuFXsoEFZ1JVOlIgT2q8Wet6rL\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 115.82s (0:01:55) ============\npy: exit 1 (116.75 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2104\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2064\n py: FAIL code 1 (129.12=setup[12.38]+cmd[116.75] seconds)\n evaluation failed :( (129.20 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy: exit 0 (6.14 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1904\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.17 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1921\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1931\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1938\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\npy: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy: exit 0 (0.62 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1941\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy: exit 0 (2.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1948\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1963\npy: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py\npy: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application nTdbKk1i5UHEHGCiqC8isfawZhsZgWGWbFzRc9KI created successfully.\nclient_secret: 8tIIkFTpeGu5RD3EG48bUzETQT8JmiI6iywsBOmrkQqykNiw7CNSDz1BhoD5qCQkHyVpvGpSetsxJLkmrO7KLOj70WktGpa2Jjc5LMYOLUKb7qXLpHbw7v4gMKwdzGeR\n.New application y7BmdeR8P475YFuZMsIZeRqRTU8zcpi2ukzJ78uZ created successfully.\nclient_secret: U7JnjBOqEFHpq2LDIAblkb6P6RIlZZGyn9GdAjpfrppMgOTcRcneT9SFO0DhX4HGZ3EaXH4sFfseZe5O64MCOkKwQzjhoQO1jR5DOCsGUenxGNQDGXcq8N7tHvgPSaTV\n.New application someId created successfully.\nclient_secret: aCyad0j2ig9b5Nx9NTEioKiqw7AxrS6cwkx0hCYXpVcHDZagvDSdAunE8FQ3DhDvG5UjJqbe7HWNjm6D58FkMP6VLmLRXeg84OJzZkuEmNldyPWLVzGG9Ui7bqwrXIJU\n.New application yimNBHezmnreTUxCrJIeT39xOpbLu9qSNZp6Oh2H created successfully.\n.New application TEST created successfully.\nclient_secret: yIE4S8CagJug04t64SknvSFZL8I9J97SlR8sPw6EhOv9t1TLABQ5l1YhdcncDYr1TSxc7yaSN5oQULgK8QSjko8el1D319AOT3FwUDZqKgFhUE9a4BRwPL10FL4RlkjH\n.New application 8kHp61f3h3Cb6F2Sc6PQOgtfj9vNeDRkgdNDAb5v created successfully.\nclient_secret: t0q1InhG3Zbk2Q3a6dc6hommRrZciGPlpZBgL1Ayj7epBntgaz6gUqmNegZc9s5ZCIGPGeCpZKo9PY5liNIRlhrVglAqIJGWdnmWACSrZpfgE3UlhyfQiAb2vCnw6fQE\n..New application 257uENK9lJvbeywjjCFtSxByjj94jyn9QzHR4KoE created successfully.\nclient_secret: qa2dF1pfk5MBkBZQVD8lsiozcNO3KzOqnDFM3GCo8H91ULmLGs8q62346A4JCG1hLqRUN4vZm7uMyUHecETDRL1CzUstpipWf1MW590WzVMhOMOlRKbYETKkUDeI9zMY\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 115.81s (0:01:55) ============\npy: exit 1 (116.75 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1968\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n py: FAIL code 1 (129.17=setup[12.42]+cmd[116.75] seconds)\n evaluation failed :( (129.25 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj41: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj41: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj41, clear=False, no_vcs_ignore=False, global=False)\npy311-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj41: exit 0 (6.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2266\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2283\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.26 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.43 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2293\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.28 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2301\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\npy311-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj41: exit 0 (0.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2304\npy311-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj41: exit 0 (2.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2311\npy311-dj41: freeze> python -m pip freeze --all\npy311-dj41: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2329\npy311-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj41\npy311-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application gBUFAHOVG5ePFgeHvgAtQ3RjlzERmFszkYrdua1W created successfully.\nclient_secret: fQELEL3v9oxwzjgaha9LD7UAFfXr1FysMIN4XGWRVadQec4YE2msed78fCDhFZIrYU8cSAkmDCB9uUJBzS2i3zITCi3VMR792NCDtMrkh2PNLEWSxpumpqO5WLFeRI6G\n.New application xAZaeTFyWoobQEYTzsp4JEEYpf7SAXd6aI6kpnQG created successfully.\nclient_secret: hSifZ1fLTkGlW1TnJluBTNCBcVZDfLb5i0IbA2EZEL0BBJ6BAkpeYKzjsiOy1b40PkpNtotwE0BBTrDp6PoY3epPLqZAaDu2C9qKulcK2EUXyBBXDyxN4UjcyMDfipba\n.New application someId created successfully.\nclient_secret: fYP6QQeZZgpe1gtxgvaW4JaxtY2GoSYrrQlXoqWvQ9jDZFnWVYvlVabt9ThzJjfN6jRYOX55Sli284VU1jyD0y1fSWMHgoOQbIxSyf2oggzpuYwDIHRFeRRB7EkvtpNl\n.New application GiHnuzQ8Y7Qv3z9SrY2rjNLqtBbMNSX8bBxEPEmT created successfully.\n.New application TEST created successfully.\nclient_secret: izG2A5x4O4SZXsZevzRngOaCB2RzjPCsSU0YJPxW23cJk7U9NlzptAFBSSkljgVNxSqm6AlijVDe7E6Q3FxgBPKh6j5ZR4xCoNpYMKj0VpMgsJtRvcBH3bQxTKLwgHGs\n.New application Tn595bZBCJG2j3tjZKKdAKvRfXKCbXsrJ8s3QmDm created successfully.\nclient_secret: QzVJebpETlCwbOmAaTMIh7Yx2zJlJ397iZ0y62fPbIIMn3S7pLgdDPkF6uS4BqJOdFPShpGNHPmlJaUENmTTE7r75LXeyzMFRAztBkU3yLqfxVtUriu2q0bettmH7X4w\n..New application nhLuWqx7hgqilAnMhFAP7K1UV2rBGpo04bx0gDCB created successfully.\nclient_secret: OjPpqs5x40raUn7xnHCsCmKlOYqn3d99garAdBaTYu2LNJyFuVg0xqQGbZYMUFRVa79XKCBTrs7gz0Tq8dYYsq4SfgCowM9OP4hxNuR5QMyZlpnf6ZsPUNV69g9DBqai\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 77.67s (0:01:17) =============\npy311-dj41: exit 1 (79.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2334\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2290\n py311-dj41: FAIL code 1 (91.62=setup[12.53]+cmd[79.09] seconds)\n evaluation failed :( (91.76 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj42: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj42: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj42, clear=False, no_vcs_ignore=False, global=False)\npy311-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj42: exit 0 (6.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2043\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.14 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2060\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.23 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2070\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2077\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\npy311-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj42: exit 0 (0.62 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2080\npy311-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj42: exit 0 (2.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2087\npy311-dj42: freeze> python -m pip freeze --all\npy311-dj42: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2102\npy311-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj42\npy311-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application X5CU0hU12x3tUyd0JhVb3jKkeGeoIbRKkUs69bZw created successfully.\nclient_secret: oHnrBR8YYci8xd9vGZ0MNCrU7EilOraGnxOenbqKjwsptrZZoF6dI02QdDR8IU7uXFFgWAtmH8kaj0wQx5UBoogvDgjcoZ9JqShVuGfsW66P01jWTyQIDYVpXXXuYqqW\n.New application qPDFRXyrh4wiLU7JDaGBUjm4lF84hYcAfuUc4YrG created successfully.\nclient_secret: fzuAQiWWdQxCI6dm4U9svA4Vq2PwLP7CxT2m9JSUi6E9yfar0U1Hk0r8zlS1ash8PMe44PB2nNRt1cSYIUzY8HxSGagJnkYtS32Q71r2FL0fPTnZDoyKLIdkchqq95rr\n.New application someId created successfully.\nclient_secret: LuIn5iFZs9tg8WWO7LbC458wSsuRDygtcBKFFsFyktvugbh2VykxIjNc58EHKpQYy40PtdOztmhGqUWPbNIPAPHiCpThU8HsK03wkxzmRzRIuF1cRcEynO1WeSoQpt9x\n.New application p3UtC1JZ4jhkOH3Hzsz7zmpeyjkAshnmcfsC2b0T created successfully.\n.New application TEST created successfully.\nclient_secret: fG0mmMy769m2m76EvAclUeufaDR8K9O2MIFEhNsmSCGitBLP1Dm5anDbIWazwmR04gOlf2L9qMhVcLvuFhhRKUF7FrVpL91n5iLRzrPrNaTiVgIdbtlJZMwwTqbZbG0k\n.New application lk6xJ0ZC2SYego8egyehN4VScNR5wLELnWjRDd1c created successfully.\nclient_secret: YsFozl5pmuXiF7HxzRIuGlrZILLiT8ClSPumTQrSziZhwxh9no98PYkDJOI5zH7mpD1SMUFTn60uOJ4jA36BoAmJm3V05tURAcu3eNuJs34SUBKpdnR4Oea7XJQoSZqV\n..New application ISMARlZZJzEi6kfBUapx7Izj0T7v7dWBFW0Ntd1m created successfully.\nclient_secret: pMbrRJHOIZ2wQOXXKpQrib91xWFxzsVPXcGHvQchT14Cg4UYrxvQe1Yk0e0SrJPOQqPtPJZZRsDFy8k35HBzWCbfSf9xbC7be1C921MJZ6Q9OwkW0Wg1NvwvNgJMlu1I\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 116.07s (0:01:56) ============\npy311-dj42: exit 1 (117.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2107\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2067\n py311-dj42: FAIL code 1 (129.40=setup[12.34]+cmd[117.06] seconds)\n evaluation failed :( (129.49 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj50: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj50: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj50, clear=False, no_vcs_ignore=False, global=False)\npy311-dj50: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj50: exit 0 (6.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1912\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.12 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1930\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.25 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1940\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1947\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\npy311-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj50: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1950\npy311-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj50: exit 0 (2.42 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1957\npy311-dj50: freeze> python -m pip freeze --all\npy311-dj50: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1973\npy311-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj50\npy311-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application whFaE9qxf06QMq6gEMlEVQYO9US1CE3PvKNlsuV4 created successfully.\nclient_secret: yck1JwgEOqtxgbgHGhavzO8kZ0S4zeczg1avhZt8agFv5LfDNwQPKeMip1sIuIucCzE1PQhrgkosFzqEUSynco5guOkJicomfwiE20a3Eh5VD5MV1lLlP39NrKxfQcP2\n.New application wddhkVPuIMB4QZFKZgvrwvcZYTLOO94COw9CNYJT created successfully.\nclient_secret: zwuQ8iDNqdpc2lMlNSpcZYiy616hR52rHTkjFQBF4OjV3P50YKA7ZBdbURpgt4rs5L8loNgT1e82Fy4jSyWS6AEodAlecXLZQJOEAxxE0Rso1adhoR1r5i0UBpfdvYt8\n.New application someId created successfully.\nclient_secret: fie8GlI2IsHvi2ilrTxV0aRPxmouw5h5PLQviA6h8Ta0ZR82LTrECLwMa26PuGUBpBVy6pIlubNiZi418K3fedQXoXyCnozHKfSnVfUNKXz1EHxutuRnLy5WxBY2lNFJ\n.New application 0XsPKFRLGkQmxbDRQGrWQSAIspCgB5w5uXpTevcV created successfully.\n.New application TEST created successfully.\nclient_secret: MwOmNZrL0XpOSGO9XF0gKuUsVfGv4CHa83JkIqxRJbSGxpwtOQwv1ijIx6KUuXEg3uSaxu7fpV5JmtEBpSDTJO3SIx9JJD9vl1X0djYT013nhVCNJCqlsqraTC41sfeD\n.New application Ztidb09G58220X8UKWPl2xdHNmLYGobnT2LFHjOz created successfully.\nclient_secret: AvpUV9SC1KegSJqa9tjQq74ZcaIf3xQhVHucZQA2bu4FQk4vC0FTkT5Lgz4kV1SHy96LNx6hqho0YuhPGDMyzV9owQsKMBcY79PPxOtPPbtieU1j8y0XFVYfSuGCQPMW\n..New application S7Fqsh4FGKz6KI08ms6aVCf6Nu7IT5AxkCCxjuL1 created successfully.\nclient_secret: IJRVyPCpzb9Al3jsBmFR4GjkTwi497TZnIaRzGeocDcq9ztPBiKZn9ibFE33YIc7SZ6x4gffgm3rMgyHmvHi4wIMroPJV0iDNBVJCMgTU8OPWPvAJZHCiCjkZ5s5dsqp\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 36 warnings in 137.68s (0:02:17) ============\npy311-dj50: exit 1 (139.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1978\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1937\n py311-dj50: FAIL code 1 (151.68=setup[12.64]+cmd[139.03] seconds)\n evaluation failed :( (151.81 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.12, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy312-dj50: find interpreter for spec PythonSpec(major=3, minor=12)\npy312-dj50: proposed PythonInfo(spec=CPython3.12.0.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python, platform=linux, version='3.12.0 (main, Oct 2 2023, 15:16:58) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy312-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py312-dj50, clear=False, no_vcs_ignore=False, global=False)\npy312-dj50: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy312-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy312-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy312-dj50: exit 0 (7.14 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1968\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.0.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python, platform=linux, version='3.12.0 (main, Oct 2 2023, 15:16:58) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (2.17 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1981\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1991\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1998\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.3\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\npy312-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy312-dj50: exit 0 (0.65 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2001\npy312-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy312-dj50: exit 0 (2.72 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2008\npy312-dj50: freeze> python -m pip freeze --all\npy312-dj50: exit 0 (0.36 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2024\npy312-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,sqlparse==0.4.4,urllib3==2.1.0,wrapt==1.16.0\n##[group]tox: py312-dj50\npy312-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.12.0, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py312-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 0CwmgLY268bIMcXGVVVuO210Ja4jp2RwvWy3Z2ZF created successfully.\nclient_secret: FvrHaUht9zCrQkdivq8Lu0DgYBLZV5rgMHPxAUAzaUDIIN6idJWYRwRYKKcsQgrAgbthzpGOoyhRAsNtmnOZx7iTqjjPJJHaTFArPlTLYkrt8Tw42uhKSWmqFuM44n2S\n.New application k6Mv5AWGIjg8OiWdJGhx9EqdDyLHQwMBY3lo7G82 created successfully.\nclient_secret: gcPKOOh9j9LxFtTiKkIOmQWqtTJAL5kfKNnrXAveJ6oofqhbIq42a4AWUMisH2vLtDgl7aqvziaDM2atZUbPSGCLGk5I1JXPc3hXTS6YliFe9zUmNEiETpbKa63i5KmD\n.New application someId created successfully.\nclient_secret: IgTeBccTdjZ7ITnsr85De1LFljZFcYXGspn0Srkr71kK8sQvwnTrkkOneZtmdffFM0dOIojiWovzAFETaZBk9bE5Eaj0Zb78dNxNq3P2SlnuzaL8W1KsbLwjWRKhJ0vy\n.New application PERaKg4zwaoe9VU2cFTeOQajyhsFFu22xRbBqMG5 created successfully.\n.New application TEST created successfully.\nclient_secret: pK65jYVL4vCy8Ei834ognxswcJdyRuwc5YbZkLUIbgDEQ5VopefFuHGehH4pIkDrqBF0tGQHzJyzLAfGCLdpigGqMknPTr9pEZA41HQedAGtvojY0reqjWfgZa8rWz5e\n.New application GVGeE8FbVqEtwxoy7AKTPizNbqjOBtebD9YCRAqM created successfully.\nclient_secret: 05iHJ4NKfeEAFTa1tLnkyUgpBTY5bokemPzlfzaVQ70aVNuAWrNoyyIThZYriLwy4gjjAFxR56KyKHNZMrdd58q3Yjzd88oPw5aS2w20eAbDVxrjEdwk9Nzgj9Gs6Sq3\n..New application T5dOfl0ddYZfeLwGZzAffCvzOsK51d9wXjns91FU created successfully.\nclient_secret: zlC2atF2yg63G3ORtrWAMDBzmdLbtpHQ2dxRVCapqTEYy4b0LeQBX5OCW8j2eWGGG3Ob1M0vKWclPVnNNNcAFwCYcxlWHgDAGT2HwIeIGqpwqome8Rp4puVYr8uVukPF\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .F.........................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ...........\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n___ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_deprecated ____\n\nself = \n\n def test_get_connect_discovery_info_deprecated(self):\n expected_response = {\n \"issuer\": \"http://localhost/o\",\n \"authorization_endpoint\": \"http://localhost/o/authorize/\",\n \"token_endpoint\": \"http://localhost/o/token/\",\n \"userinfo_endpoint\": \"http://localhost/o/userinfo/\",\n \"jwks_uri\": \"http://localhost/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...lhost/o', ...}\nE Omitting 11 identical items, use -vv to show\nE Left contains 1 more item:\nE {'code_challenge_methods_supported': ['plain', 'S256']}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:82: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_resource\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_token_from_authentication_server_existing_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_token_from_authentication_server_expires_timezone\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_post_resource\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/oauth2_validators.py:396: DeprecationWarning: datetime.datetime.utcfromtimestamp() is deprecated and scheduled for removal in a future version. Use timezone-aware objects to represent datetimes in UTC: datetime.datetime.fromtimestamp(timestamp, datetime.UTC).\n expires = datetime.utcfromtimestamp(content[\"exp\"])\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:231: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_deprecated\n============ 1 failed, 446 passed, 44 warnings in 138.83s (0:02:18) ============\npy312-dj50: exit 1 (140.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2030\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1988\n py312-dj50: FAIL code 1 (154.96=setup[14.52]+cmd[140.45] seconds)\n evaluation failed :( (155.04 seconds)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/test_oidc_views.py b/tests/test_oidc_views.py\nindex 77a047c..4bcf839 100644\n--- a/tests/test_oidc_views.py\n+++ b/tests/test_oidc_views.py\n@@ -75,6 +75,7 @@ class TestConnectDiscoveryInfoView(TestCase):\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n+ \"code_challenge_methods_supported\": [\"plain\", \"S256\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(\"/o/.well-known/openid-configuration/\")\n", "difficulty": 2, "changed_files": ["tests/test_oidc_views.py"], "commit_link": "https://github.com/jazzband/django-oauth-toolkit/tree/63ae862ab620588a673d58d6a4fc6a3b8c2df63d"} \ No newline at end of file diff --git a/data/python/655e964.json b/data/python/655e964.json new file mode 100644 index 0000000000000000000000000000000000000000..4224f39d98617a44a870b59b84a7fa28d8456ff3 --- /dev/null +++ b/data/python/655e964.json @@ -0,0 +1 @@ +{"language": "Python", "id": 44, "repo_owner": "fortra", "repo_name": "impacket", "head_branch": "configurable_socks_address", "workflow_name": "Build and test Impacket", "workflow_filename": "build_and_test.yml", "workflow_path": ".github/workflows/build_and_test.yml", "contributor": "rtpt-erikgeiser", "sha_fail": "655e964d0122833acd1f34aca8844e3db3dc5583", "sha_success": "72df5fb660a36f0638a004aeb139995434a5f585", "workflow": "# GitHub Action workflow to build and run Impacket's tests\n#\n\nname: Build and test Impacket\n\non: [push, pull_request]\n\nenv:\n DOCKER_TAG: impacket:latests\n\njobs:\n lint:\n name: Check syntax errors and warnings\n runs-on: ubuntu-latest\n if:\n github.event_name == 'push' || github.event.pull_request.head.repo.full_name !=\n github.repository\n\n steps:\n - name: Checkout Impacket\n uses: actions/checkout@v3\n\n - name: Setup Python 3.8\n uses: actions/setup-python@v4\n with:\n python-version: 3.8\n\n - name: Install Python dependencies\n run: |\n python -m pip install flake8\n\n - name: Check syntax errors\n run: |\n flake8 . --count --select=E9,F63,F7,F82 --show-source --statistics\n\n - name: Check PEP8 warnings\n run: |\n flake8 . --count --ignore=E1,E2,E3,E501,W291,W293 --exit-zero --max-complexity=65 --max-line-length=127 --statistics\n\n test:\n name: Run unit tests and build wheel\n needs: lint\n runs-on: ${{ matrix.os }}\n if:\n github.event_name == 'push' || github.event.pull_request.head.repo.full_name !=\n github.repository\n\n strategy:\n fail-fast: false\n matrix:\n python-version: [\"3.7\", \"3.8\", \"3.9\", \"3.10\"]\n experimental: [false]\n os: [ubuntu-latest]\n include:\n - python-version: \"3.6\"\n experimental: false\n os: ubuntu-20.04\n - python-version: \"3.11-dev\"\n experimental: true\n os: ubuntu-latest\n continue-on-error: ${{ matrix.experimental }}\n\n steps:\n - name: Checkout Impacket\n uses: actions/checkout@v3\n\n - name: Setup Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n - name: Install Python dependencies\n run: |\n python -m pip install --upgrade pip wheel\n python -m pip install tox tox-gh-actions -r requirements.txt -r requirements-test.txt\n\n - name: Run unit tests\n run: |\n tox -- -m 'not remote'\n\n - name: Build wheel artifact\n run: |\n python setup.py bdist_wheel\n\n docker:\n name: Build docker image\n needs: lint\n runs-on: ubuntu-latest\n if:\n github.event_name == 'push' || github.event.pull_request.head.repo.full_name !=\n github.repository\n\n continue-on-error: true\n steps:\n - name: Checkout Impacket\n uses: actions/checkout@v3\n\n - name: Build docker image\n run: |\n docker build -t ${{ env.DOCKER_TAG }} .\n", "logs": [{"step_name": "Check syntax errors and warnings/5_Check syntax errors.txt", "log": "##[group]Run flake8 . --count --select=E9,F63,F7,F82 --show-source --statistics\n\u001b[36;1mflake8 . --count --select=E9,F63,F7,F82 --show-source --statistics\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n DOCKER_TAG: impacket:latests\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n./impacket/examples/ntlmrelayx/servers/socksserver.py:463:18: E999 SyntaxError: non-default argument follows default argument\n def __init__(self, server_address=('127.0.0.1', 1080), handler_class=SocksRequestHandler, api_port):\n ^\n1 E999 SyntaxError: non-default argument follows default argument\n1\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/impacket/examples/ntlmrelayx/servers/socksserver.py b/impacket/examples/ntlmrelayx/servers/socksserver.py\nindex 53f8cd5b..43bf6c63 100644\n--- a/impacket/examples/ntlmrelayx/servers/socksserver.py\n+++ b/impacket/examples/ntlmrelayx/servers/socksserver.py\n@@ -460,7 +460,7 @@ class SocksRequestHandler(socketserver.BaseRequestHandler):\n \n \n class SOCKS(socketserver.ThreadingMixIn, socketserver.TCPServer):\n- def __init__(self, server_address=('127.0.0.1', 1080), handler_class=SocksRequestHandler, api_port):\n+ def __init__(self, server_address=('127.0.0.1', 1080), handler_class=SocksRequestHandler, api_port=9090):\n LOG.info('SOCKS proxy started. Listening on %s:%d', server_address[0], server_address[1])\n \n self.activeRelays = {}\n", "difficulty": 2, "changed_files": ["impacket/examples/ntlmrelayx/servers/socksserver.py"], "commit_link": "https://github.com/fortra/impacket/tree/655e964d0122833acd1f34aca8844e3db3dc5583"} \ No newline at end of file diff --git a/data/python/66e3eac.json b/data/python/66e3eac.json new file mode 100644 index 0000000000000000000000000000000000000000..9acb075eecbab59709be8b592eecf4eb84df320f --- /dev/null +++ b/data/python/66e3eac.json @@ -0,0 +1 @@ +{"language": "Python", "id": 64, "repo_owner": "encode", "repo_name": "uvicorn", "head_branch": "dependabot/pip/python-packages-6ae2cf5cd5", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "encode", "sha_fail": "66e3eac43e68ce4632670d4addd75cfc4c8de0a1", "sha_success": "b5084dc6bf7b04b9f06283baab794cdafcfe0931", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }} ${{ matrix.os }}\"\n runs-on: \"${{ matrix.os }}\"\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n os: [windows-latest, ubuntu-latest, macos-latest]\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v5\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n shell: bash\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n shell: bash\n if: \"${{ matrix.os == 'ubuntu-latest'}}\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n shell: bash\n - name: \"Run tests\"\n run: \"scripts/test\"\n shell: bash\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n shell: bash\n", "logs": [{"step_name": "Python 3.8 ubuntu-latest/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\n+ ruff format --check --diff uvicorn tests\n66 files already formatted\n+ mypy uvicorn tests\ntests/middleware/test_wsgi.py:53: error: List item 1 has incompatible type \"Type[WSGIMiddleware]\"; expected \"Type[object]\" [list-item]\nFound 1 error in 1 file (checked 66 source files)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.9 ubuntu-latest/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\n+ ruff format --check --diff uvicorn tests\n66 files already formatted\n+ mypy uvicorn tests\ntests/middleware/test_wsgi.py:53: error: List item 1 has incompatible type \"type[WSGIMiddleware]\"; expected \"type[object]\" [list-item]\nFound 1 error in 1 file (checked 66 source files)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.10 ubuntu-latest/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\n+ ruff format --check --diff uvicorn tests\n66 files already formatted\n+ mypy uvicorn tests\ntests/middleware/test_wsgi.py:53: error: List item 1 has incompatible type \"type[WSGIMiddleware]\"; expected \"type[object]\" [list-item]\nFound 1 error in 1 file (checked 66 source files)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.11 ubuntu-latest/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\n+ ruff format --check --diff uvicorn tests\n66 files already formatted\n+ mypy uvicorn tests\ntests/middleware/test_wsgi.py:53: error: List item 1 has incompatible type \"type[WSGIMiddleware]\"; expected \"type[object]\" [list-item]\nFound 1 error in 1 file (checked 66 source files)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/middleware/test_wsgi.py b/tests/middleware/test_wsgi.py\nindex 34730ec..00ff40c 100644\n--- a/tests/middleware/test_wsgi.py\n+++ b/tests/middleware/test_wsgi.py\n@@ -50,7 +50,7 @@ def return_exc_info(environ: Environ, start_response: StartResponse) -> List[byt\n return [output]\n \n \n-@pytest.fixture(params=[wsgi._WSGIMiddleware, a2wsgi.WSGIMiddleware])\n+@pytest.fixture(params=[wsgi._WSGIMiddleware, a2wsgi.WSGIMiddleware]) # type: ignore\n def wsgi_middleware(request: pytest.FixtureRequest) -> Callable:\n return request.param\n \n", "difficulty": 1, "changed_files": ["tests/middleware/test_wsgi.py"], "commit_link": "https://github.com/encode/uvicorn/tree/66e3eac43e68ce4632670d4addd75cfc4c8de0a1"} \ No newline at end of file diff --git a/data/python/6819090.json b/data/python/6819090.json new file mode 100644 index 0000000000000000000000000000000000000000..aae9bd77af4cd6d9fc48a33d8e74005d5d5a8f83 --- /dev/null +++ b/data/python/6819090.json @@ -0,0 +1 @@ +{"language": "Python", "id": 31, "repo_owner": "pymc-devs", "repo_name": "pymc", "head_branch": "ruff_linter", "workflow_name": "pre-commit", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "juanitorduz", "sha_fail": "6819090f9d2e65d80b6a257d63ea8bdea4900689", "sha_success": "c58501bed6eec60ded25671e28e627897d6bdc14", "workflow": "name: pre-commit\n\non:\n pull_request:\n push:\n branches: [main]\n\njobs:\n pre-commit:\n runs-on: ubuntu-latest\n env:\n SKIP: no-commit-to-branch\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - uses: actions/setup-python@v5\n with:\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n - uses: pre-commit/action@v3.0.0\n mypy:\n runs-on: ubuntu-latest\n defaults:\n run:\n shell: bash -l {0}\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - name: Cache conda\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if environment-test.yml has not changed\n CACHE_NUMBER: 0\n with:\n path: ~/conda_pkgs_dir\n key: ${{ runner.os }}-py39-conda-${{ env.CACHE_NUMBER }}-${{\n hashFiles('conda-envs/environment-test.yml') }}\n - name: Cache multiple paths\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if requirements.txt has not changed\n CACHE_NUMBER: 0\n with:\n path: |\n ~/.cache/pip\n $RUNNER_TOOL_CACHE/Python/*\n ~\\AppData\\Local\\pip\\Cache\n key: ${{ runner.os }}-build-${{ matrix.python-version }}-${{ env.CACHE_NUMBER }}-${{\n hashFiles('requirements.txt') }}\n - uses: conda-incubator/setup-miniconda@v2\n with:\n miniforge-variant: Mambaforge\n miniforge-version: latest\n mamba-version: \"*\"\n activate-environment: pymc-test\n channel-priority: strict\n environment-file: conda-envs/environment-test.yml\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n use-mamba: true\n use-only-tar-bz2: false # IMPORTANT: This may break caching of conda packages! See https://github.com/conda-incubator/setup-miniconda/issues/267\n - name: Install-pymc and mypy dependencies\n run: |\n conda activate pymc-test\n pip install -e .\n pip install --pre -U polyagamma\n python --version\n - name: Run mypy\n run: |\n conda activate pymc-test\n python ./scripts/run_mypy.py --verbose\n", "logs": [{"step_name": "pre-commit/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from nodeenv>=0.11.1->pre-commit) (58.1.0)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 15.0 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 29.3 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 62.7 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 94.8 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 74.7 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, pyyaml, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|85a42e0c0d7ae6174d79f49ec88a69ec255502eb51f27814478804e4cfd430f9\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCache Size: ~74 MB (77731725 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/64e9f7f2-65c6-4b3f-bffb-599fde6080b8/cache.tzst -P -C /home/runner/work/pymc/pymc --use-compress-program unzstd\nReceived 77731725 of 77731725 (100.0%), 74.0 MBs/sec\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|85a42e0c0d7ae6174d79f49ec88a69ec255502eb51f27814478804e4cfd430f9\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncheck for merge conflicts............................................................\u001b[42mPassed\u001b[m\ncheck toml...........................................................................\u001b[42mPassed\u001b[m\ncheck yaml...........................................................................\u001b[42mPassed\u001b[m\ndebug statements (python)............................................................\u001b[42mPassed\u001b[m\nfix end of files.....................................................................\u001b[42mPassed\u001b[m\ndon't commit to branch..............................................................\u001b[43;30mSkipped\u001b[m\nfix requirements.txt.................................................................\u001b[42mPassed\u001b[m\ntrim trailing whitespace.............................................................\u001b[42mPassed\u001b[m\nApply Apache 2.0 License.............................................................\u001b[42mPassed\u001b[m\npyupgrade............................................................................\u001b[42mPassed\u001b[m\nruff.................................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: ruff\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\nFound 5 errors (5 fixed, 0 remaining).\n\nruff-format..........................................................................\u001b[42mPassed\u001b[m\npydocstyle...........................................................................\u001b[42mPassed\u001b[m\nDisallow print statements............................................................\u001b[42mPassed\u001b[m\nCheck no tests are ignored...........................................................\u001b[42mPassed\u001b[m\nGenerate pip dependency from conda...................................................\u001b[42mPassed\u001b[m\nNo relative imports..................................................................\u001b[42mPassed\u001b[m\nCheck no links that should be cross-references are in the docs.......................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/docs/source/conf.py b/docs/source/conf.py\u001b[m\n\u001b[1mindex 9ef1d52..4dba6d9 100755\u001b[m\n\u001b[1m--- a/docs/source/conf.py\u001b[m\n\u001b[1m+++ b/docs/source/conf.py\u001b[m\n\u001b[36m@@ -16,6 +16,7 @@\u001b[m\n # serve to show the default.\u001b[m\n \u001b[m\n import os\u001b[m\n\u001b[32m+\u001b[m\n from pathlib import Path\u001b[m\n \u001b[m\n import pymc\u001b[m\n\u001b[1mdiff --git a/pymc/distributions/multivariate.py b/pymc/distributions/multivariate.py\u001b[m\n\u001b[1mindex 570c139..03ea4f3 100644\u001b[m\n\u001b[1m--- a/pymc/distributions/multivariate.py\u001b[m\n\u001b[1m+++ b/pymc/distributions/multivariate.py\u001b[m\n\u001b[36m@@ -30,9 +30,8 @@\u001b[m \u001b[mfrom pytensor.graph.op import Op\u001b[m\n from pytensor.raise_op import Assert\u001b[m\n from pytensor.sparse.basic import sp_sum\u001b[m\n from pytensor.tensor import TensorConstant, gammaln, sigmoid\u001b[m\n\u001b[31m-from pytensor.tensor.linalg import cholesky, det, eigh\u001b[m\n\u001b[32m+\u001b[m\u001b[32mfrom pytensor.tensor.linalg import cholesky, det, eigh, solve_triangular, trace\u001b[m\n from pytensor.tensor.linalg import inv as matrix_inverse\u001b[m\n\u001b[31m-from pytensor.tensor.linalg import solve_triangular, trace\u001b[m\n from pytensor.tensor.random.basic import dirichlet, multinomial, multivariate_normal\u001b[m\n from pytensor.tensor.random.op import RandomVariable\u001b[m\n from pytensor.tensor.random.utils import (\u001b[m\n\u001b[1mdiff --git a/pymc/distributions/transforms.py b/pymc/distributions/transforms.py\u001b[m\n\u001b[1mindex 3e2a5a0..7c0d971 100644\u001b[m\n\u001b[1m--- a/pymc/distributions/transforms.py\u001b[m\n\u001b[1m+++ b/pymc/distributions/transforms.py\u001b[m\n\u001b[36m@@ -18,6 +18,7 @@\u001b[m \u001b[mfrom functools import singledispatch\u001b[m\n import numpy as np\u001b[m\n import pytensor.tensor as pt\u001b[m\n \u001b[m\n\u001b[32m+\u001b[m\n # ignore mypy error because it somehow considers that\u001b[m\n # \"numpy.core.numeric has no attribute normalize_axis_tuple\"\u001b[m\n from numpy.core.numeric import normalize_axis_tuple # type: ignore\u001b[m\n\u001b[1mdiff --git a/pymc/math.py b/pymc/math.py\u001b[m\n\u001b[1mindex ddfcaa4..7c9ceaa 100644\u001b[m\n\u001b[1m--- a/pymc/math.py\u001b[m\n\u001b[1m+++ b/pymc/math.py\u001b[m\n\u001b[36m@@ -27,7 +27,6 @@\u001b[m \u001b[mimport scipy.sparse\u001b[m\n \u001b[m\n from pytensor.graph.basic import Apply\u001b[m\n from pytensor.graph.op import Op\u001b[m\n\u001b[31m-\u001b[m\n from pytensor.tensor import (\u001b[m\n abs,\u001b[m\n and_,\u001b[m\n\u001b[36m@@ -98,7 +97,6 @@\u001b[m \u001b[mfrom scipy.linalg import block_diag as scipy_block_diag\u001b[m\n \u001b[m\n from pymc.pytensorf import floatX, ix_, largest_common_dtype\u001b[m\n \u001b[m\n\u001b[31m-\u001b[m\n __all__ = [\u001b[m\n \"abs\",\u001b[m\n \"and_\",\u001b[m\n\u001b[1mdiff --git a/tests/distributions/test_mixture.py b/tests/distributions/test_mixture.py\u001b[m\n\u001b[1mindex 8dfa5a8..be3e1bc 100644\u001b[m\n\u001b[1m--- a/tests/distributions/test_mixture.py\u001b[m\n\u001b[1m+++ b/tests/distributions/test_mixture.py\u001b[m\n\u001b[36m@@ -14,7 +14,6 @@\u001b[m\n \u001b[m\n import warnings\u001b[m\n \u001b[m\n\u001b[31m-\u001b[m\n import numpy as np\u001b[m\n import pytensor\u001b[m\n import pytest\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/docs/source/conf.py b/docs/source/conf.py\nindex 9ef1d527a..4dba6d9f7 100755\n--- a/docs/source/conf.py\n+++ b/docs/source/conf.py\n@@ -16,6 +16,7 @@\n # serve to show the default.\n \n import os\n+\n from pathlib import Path\n \n import pymc\ndiff --git a/pymc/distributions/multivariate.py b/pymc/distributions/multivariate.py\nindex 570c13988..03ea4f3a5 100644\n--- a/pymc/distributions/multivariate.py\n+++ b/pymc/distributions/multivariate.py\n@@ -30,9 +30,8 @@ from pytensor.graph.op import Op\n from pytensor.raise_op import Assert\n from pytensor.sparse.basic import sp_sum\n from pytensor.tensor import TensorConstant, gammaln, sigmoid\n-from pytensor.tensor.linalg import cholesky, det, eigh\n+from pytensor.tensor.linalg import cholesky, det, eigh, solve_triangular, trace\n from pytensor.tensor.linalg import inv as matrix_inverse\n-from pytensor.tensor.linalg import solve_triangular, trace\n from pytensor.tensor.random.basic import dirichlet, multinomial, multivariate_normal\n from pytensor.tensor.random.op import RandomVariable\n from pytensor.tensor.random.utils import (\ndiff --git a/pymc/distributions/transforms.py b/pymc/distributions/transforms.py\nindex 3e2a5a069..7c0d97100 100644\n--- a/pymc/distributions/transforms.py\n+++ b/pymc/distributions/transforms.py\n@@ -18,6 +18,7 @@ from functools import singledispatch\n import numpy as np\n import pytensor.tensor as pt\n \n+\n # ignore mypy error because it somehow considers that\n # \"numpy.core.numeric has no attribute normalize_axis_tuple\"\n from numpy.core.numeric import normalize_axis_tuple # type: ignore\ndiff --git a/pymc/math.py b/pymc/math.py\nindex ddfcaa44d..7c9ceaa9e 100644\n--- a/pymc/math.py\n+++ b/pymc/math.py\n@@ -27,7 +27,6 @@ import scipy.sparse\n \n from pytensor.graph.basic import Apply\n from pytensor.graph.op import Op\n-\n from pytensor.tensor import (\n abs,\n and_,\n@@ -98,7 +97,6 @@ from scipy.linalg import block_diag as scipy_block_diag\n \n from pymc.pytensorf import floatX, ix_, largest_common_dtype\n \n-\n __all__ = [\n \"abs\",\n \"and_\",\ndiff --git a/tests/distributions/test_mixture.py b/tests/distributions/test_mixture.py\nindex 8dfa5a8ca..be3e1bcbd 100644\n--- a/tests/distributions/test_mixture.py\n+++ b/tests/distributions/test_mixture.py\n@@ -14,7 +14,6 @@\n \n import warnings\n \n-\n import numpy as np\n import pytensor\n import pytest\n", "difficulty": 0, "changed_files": ["docs/source/conf.py", "pymc/distributions/multivariate.py", "pymc/distributions/transforms.py", "pymc/math.py", "tests/distributions/test_mixture.py"], "commit_link": "https://github.com/pymc-devs/pymc/tree/6819090f9d2e65d80b6a257d63ea8bdea4900689"} \ No newline at end of file diff --git a/data/python/68ddb25.json b/data/python/68ddb25.json new file mode 100644 index 0000000000000000000000000000000000000000..823feab36410ef03e8adb2a798cf059987bf6b2d --- /dev/null +++ b/data/python/68ddb25.json @@ -0,0 +1 @@ +{"language": "Python", "id": 22, "repo_owner": "huggingface", "repo_name": "diffusers", "head_branch": "refactor-single-file", "workflow_name": "Run code quality checks", "workflow_filename": "pr_quality.yml", "workflow_path": ".github/workflows/pr_quality.yml", "contributor": "huggingface", "sha_fail": "68ddb2559e616656301858d441a523ebd64a710f", "sha_success": "7395283f23a66b634d0d316fdceadf17ed5f4f97", "workflow": "name: Run code quality checks\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: ${{ github.workflow }}-${{ github.head_ref || github.run_id }}\n cancel-in-progress: true\n\njobs:\n check_code_quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n ruff check examples tests src utils scripts\n ruff format examples tests src utils scripts --check\n\n check_repository_consistency:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n python utils/check_copies.py\n python utils/check_dummies.py\n make deps_table_check_updated\n", "logs": [{"step_name": "check_code_quality/5_Check quality.txt", "log": "##[group]Run ruff check examples tests src utils scripts\n\u001b[36;1mruff check examples tests src utils scripts\u001b[0m\n\u001b[36;1mruff format examples tests src utils scripts --check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nsrc/diffusers/loaders/single_file_utils.py:23:8: F401 [*] `torch` imported but unused\nsrc/diffusers/loaders/single_file_utils.py:25:44: F401 [*] `safetensors.torch.load_file` imported but unused\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/src/diffusers/loaders/single_file_utils.py b/src/diffusers/loaders/single_file_utils.py\nindex 55b438b036..4dc4c71013 100644\n--- a/src/diffusers/loaders/single_file_utils.py\n+++ b/src/diffusers/loaders/single_file_utils.py\n@@ -20,9 +20,7 @@ from contextlib import nullcontext\n from io import BytesIO\n \n import requests\n-import torch\n import yaml\n-from safetensors.torch import load_file as safe_load\n from transformers import (\n CLIPTextConfig,\n CLIPTextModel,\n@@ -1117,7 +1115,9 @@ def create_text_encoders_and_tokenizers_from_ldm(\n elif model_type == \"FrozenCLIPEmbedder\":\n try:\n config_name = \"openai/clip-vit-large-patch14\"\n- text_encoder = create_text_encoder_from_ldm_clip_checkpoint(config_name, checkpoint, local_files_only=local_files_only)\n+ text_encoder = create_text_encoder_from_ldm_clip_checkpoint(\n+ config_name, checkpoint, local_files_only=local_files_only\n+ )\n tokenizer = CLIPTokenizer.from_pretrained(config_name, local_files_only=local_files_only)\n \n except Exception:\n@@ -1159,7 +1159,9 @@ def create_text_encoders_and_tokenizers_from_ldm(\n try:\n config_name = \"openai/clip-vit-large-patch14\"\n tokenizer = CLIPTokenizer.from_pretrained(config_name, local_files_only=local_files_only)\n- text_encoder = create_text_encoder_from_ldm_clip_checkpoint(config_name, checkpoint, local_files_only=local_files_only)\n+ text_encoder = create_text_encoder_from_ldm_clip_checkpoint(\n+ config_name, checkpoint, local_files_only=local_files_only\n+ )\n \n except Exception:\n raise ValueError(\n", "difficulty": 0, "changed_files": ["src/diffusers/loaders/single_file_utils.py"], "commit_link": "https://github.com/huggingface/diffusers/tree/68ddb2559e616656301858d441a523ebd64a710f"} \ No newline at end of file diff --git a/data/python/6cbb12e.json b/data/python/6cbb12e.json new file mode 100644 index 0000000000000000000000000000000000000000..8eb9b4fd9ce2908f648b6e16bf97414599fb84c2 --- /dev/null +++ b/data/python/6cbb12e.json @@ -0,0 +1 @@ +{"language": "Python", "id": 27, "repo_owner": "mwaskom", "repo_name": "seaborn", "head_branch": "maint/pandas-2.2.0-compat", "workflow_name": "CI", "workflow_filename": "ci.yaml", "workflow_path": ".github/workflows/ci.yaml", "contributor": "mwaskom", "sha_fail": "6cbb12e47665eda2c687b4431d6ce789e74ea4a4", "sha_success": "a38dfd6e77b107ecc874260e2e30d56b7b8fb85a", "workflow": "name: CI\n\non:\n push:\n branches: [master, v0.*]\n pull_request:\n branches: master\n schedule:\n - cron: '0 6 * * 1,4' # Each Monday and Thursday at 06:00 UTC\n workflow_dispatch:\n\npermissions:\n contents: read\n\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: ${{ github.workspace }}/seaborn-data\n PYDEVD_DISABLE_FILE_VALIDATION: 1\n\njobs:\n build-docs:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python 3.11\n uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0\n with:\n python-version: \"3.11\"\n\n - name: Install seaborn\n run: |\n pip install --upgrade pip\n pip install .[stats,docs]\n\n - name: Install pandoc\n run: |\n wget https://github.com/jgm/pandoc/releases/download/3.1.11/pandoc-3.1.11-1-amd64.deb\n sudo dpkg -i pandoc-3.1.11-1-amd64.deb\n\n - name: Cache datasets\n run: |\n git clone https://github.com/mwaskom/seaborn-data.git\n ls $SEABORN_DATA\n\n - name: Build docs\n env:\n SPHINXOPTS: -j `nproc`\n run: |\n cd doc\n make -j `nproc` notebooks\n make html\n\n\n run-tests:\n runs-on: ubuntu-latest\n\n strategy:\n matrix:\n python: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n install: [full]\n deps: [latest]\n\n include:\n - python: \"3.8\"\n install: full\n deps: pinned\n - python: \"3.11\"\n install: light\n deps: latest\n\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python ${{ matrix.python }}\n uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0\n with:\n python-version: ${{ matrix.python }}\n allow-prereleases: true\n\n - name: Install seaborn\n run: |\n pip install --upgrade pip wheel\n if [[ ${{matrix.install}} == 'full' ]]; then EXTRAS=',stats'; fi\n if [[ ${{matrix.deps }} == 'pinned' ]]; then DEPS='-r ci/deps_pinned.txt'; fi\n pip install .[dev$EXTRAS] $DEPS\n\n - name: Run tests\n run: make test\n\n - name: Upload coverage\n uses: codecov/codecov-action@eaaf4bedf32dbdc6b720b63067d99c4d77d6047d # v3.1.4\n if: ${{ success() }}\n\n lint:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n steps:\n\n - name: Checkout\n uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11 # v4.1.1\n\n - name: Setup Python\n uses: actions/setup-python@0a5c61591373683505ea898e09a3ea4f39ef2b9c # v5.0.0\n\n - name: Install tools\n run: pip install mypy flake8\n\n - name: Flake8\n run: make lint\n\n - name: Type checking\n run: make typecheck\n", "logs": [{"step_name": "run-tests (3.8, full, pinned)/5_Run tests.txt", "log": "##[group]Run make test\n\u001b[36;1mmake test\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n NB_KERNEL: python\n MPLBACKEND: Agg\n SEABORN_DATA: /home/runner/work/seaborn/seaborn/seaborn-data\n PYDEVD_DISABLE_FILE_VALIDATION: 1\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\npytest -n auto --cov=seaborn --cov=tests --cov-config=setup.cfg tests\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/seaborn/seaborn\nconfigfile: pyproject.toml\nplugins: xdist-3.5.0, cov-4.1.0\ncreated: 4/4 workers\n4 workers [2380 items]\n\n........................................................................ [ 3%]\n........................................................................ [ 6%]\n........................................................................ [ 9%]\n........................................................................ [ 12%]\n........................................................................ [ 15%]\n........................................................................ [ 18%]\n........................................................................ [ 21%]\n........................................................................ [ 24%]\n.........................................................s.............. [ 27%]\nF...........................................................sss......... [ 30%]\n........................................................................ [ 33%]\n........................s............................................... [ 36%]\n......................................................................... [ 39%]\n................................ss...................................... [ 42%]\n........................................................................ [ 45%]\n.....................................................s.s................ [ 48%]\n.....sss................................................................ [ 51%]\n........................................................................ [ 54%]\ns.............ss........................................................ [ 57%]\n............................................................s........... [ 60%]\n...ss.................................................................s. [ 63%]\n..........x..................................................x.......... [ 66%]\n.x................................x...x................................. [ 69%]\n...................................................ss................ss. [ 72%]\n........................................................................ [ 75%]\n........................................................................ [ 78%]\n........................................................................ [ 81%]\n......................................................................... [ 84%]\n..................x..................................................... [ 87%]\n........................................................................ [ 90%]\n........................................................................ [ 93%]\n........................................................................ [ 96%]\n........................................................................ [ 99%]\n.. [100%]\n=================================== FAILURES ===================================\n_________________ TestBarPlot.test_datetime_native_scale_axis __________________\n[gw3] linux -- Python 3.8.18 /opt/hostedtoolcache/Python/3.8.18/x64/bin/python\n\n> ???\nE KeyError: 'ME'\n\npandas/_libs/tslibs/offsets.pyx:3502: KeyError\n\nThe above exception was the direct cause of the following exception:\n\n> ???\n\npandas/_libs/tslibs/offsets.pyx:3604: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n> ???\nE ValueError: Invalid frequency: ME\n\npandas/_libs/tslibs/offsets.pyx:3508: ValueError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n def test_datetime_native_scale_axis(self):\n \n> x = pd.date_range(\"2010-01-01\", periods=20, freq=\"ME\")\n\ntests/test_categorical.py:2081: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pandas/core/indexes/datetimes.py:1069: in date_range\n dtarr = DatetimeArray._generate_range(\n/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pandas/core/arrays/datetimes.py:377: in _generate_range\n freq = to_offset(freq)\npandas/_libs/tslibs/offsets.pyx:3515: in pandas._libs.tslibs.offsets.to_offset\n ???\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n> ???\nE ValueError: Invalid frequency: ME\n\npandas/_libs/tslibs/offsets.pyx:3612: ValueError\n=============================== warnings summary ===============================\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: 4 warnings\ntests/test_rcmod.py: 23 warnings\ntests/_core/test_plot.py: 392 warnings\ntests/_marks/test_bar.py: 34 warnings\ntests/_marks/test_area.py: 12 warnings\ntests/_marks/test_dot.py: 28 warnings\ntests/_marks/test_line.py: 66 warnings\ntests/_marks/test_text.py: 16 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The savefig.jpeg_quality rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/test_rcmod.py: 23 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The animation.avconv_args rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/test_rcmod.py: 23 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The animation.avconv_path rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/test_rcmod.py: 23 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The animation.html_args rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/test_rcmod.py: 23 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The keymap.all_axes rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/test_rcmod.py: 23 warnings\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/_collections_abc.py:832: MatplotlibDeprecationWarning: \n The text.latex.preview rcparam was deprecated in Matplotlib 3.3 and will be removed two minor releases later.\n self[key] = other[key]\n\ntests/_core/test_plot.py::TestFacetInterface::test_layout_algo[constrained]\n /home/runner/work/seaborn/seaborn/seaborn/_core/plot.py:1002: UserWarning: There are no gridspecs with layoutgrids. Possibly did not call parent GridSpec with the \"figure\" keyword\n self._figure.savefig(loc, **kwargs)\n\ntests/_core/test_scales.py::TestNominal::test_empty_data\n /home/runner/work/seaborn/seaborn/seaborn/_core/rules.py:170: DeprecationWarning: The default dtype for empty Series will be 'object' instead of 'float64' in a future version. Specify a dtype explicitly to silence this warning.\n if variable_type(pd.Series(order)) == \"numeric\":\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.8.18-final-0 -----------\nName Stmts Miss Cover\n------------------------------------------------------\nseaborn/__init__.py 16 0 100%\nseaborn/_base.py 762 19 98%\nseaborn/_compat.py 76 36 53%\nseaborn/_core/__init__.py 0 0 100%\nseaborn/_core/data.py 116 9 92%\nseaborn/_core/exceptions.py 10 1 90%\nseaborn/_core/groupby.py 54 0 100%\nseaborn/_core/moves.py 109 0 100%\nseaborn/_core/plot.py 827 11 99%\nseaborn/_core/properties.py 422 2 99%\nseaborn/_core/rules.py 63 3 95%\nseaborn/_core/scales.py 502 47 91%\nseaborn/_core/subplots.py 140 0 100%\nseaborn/_core/typing.py 25 1 96%\nseaborn/_docstrings.py 40 5 88%\nseaborn/_marks/__init__.py 0 0 100%\nseaborn/_marks/area.py 86 3 97%\nseaborn/_marks/bar.py 123 0 100%\nseaborn/_marks/base.py 132 2 98%\nseaborn/_marks/dot.py 92 0 100%\nseaborn/_marks/line.py 116 0 100%\nseaborn/_marks/text.py 33 0 100%\nseaborn/_statistics.py 325 5 98%\nseaborn/_stats/__init__.py 0 0 100%\nseaborn/_stats/aggregation.py 41 1 98%\nseaborn/_stats/base.py 26 1 96%\nseaborn/_stats/counting.py 96 0 100%\nseaborn/_stats/density.py 99 4 96%\nseaborn/_stats/order.py 30 3 90%\nseaborn/_stats/regression.py 23 1 96%\nseaborn/_testing.py 52 4 92%\nseaborn/algorithms.py 60 0 100%\nseaborn/axisgrid.py 1039 34 97%\nseaborn/categorical.py 1208 13 99%\nseaborn/distributions.py 952 34 96%\nseaborn/matrix.py 551 26 95%\nseaborn/miscplot.py 24 0 100%\nseaborn/objects.py 15 0 100%\nseaborn/palettes.py 249 1 99%\nseaborn/rcmod.py 104 0 100%\nseaborn/regression.py 336 11 97%\nseaborn/relational.py 287 1 99%\nseaborn/utils.py 375 14 96%\ntests/__init__.py 0 0 100%\ntests/_core/__init__.py 0 0 100%\ntests/_core/test_data.py 293 10 97%\ntests/_core/test_groupby.py 83 0 100%\ntests/_core/test_moves.py 231 0 100%\ntests/_core/test_plot.py 1556 39 97%\ntests/_core/test_properties.py 375 4 99%\ntests/_core/test_rules.py 72 0 100%\ntests/_core/test_scales.py 547 0 100%\ntests/_core/test_subplots.py 368 0 100%\ntests/_marks/__init__.py 0 0 100%\ntests/_marks/test_area.py 84 0 100%\ntests/_marks/test_bar.py 152 0 100%\ntests/_marks/test_base.py 102 0 100%\ntests/_marks/test_dot.py 136 0 100%\ntests/_marks/test_line.py 298 0 100%\ntests/_marks/test_text.py 98 1 99%\ntests/_stats/__init__.py 0 0 100%\ntests/_stats/test_aggregation.py 84 0 100%\ntests/_stats/test_counting.py 180 0 100%\ntests/_stats/test_density.py 142 3 98%\ntests/_stats/test_order.py 64 1 98%\ntests/_stats/test_regression.py 36 0 100%\ntests/conftest.py 107 1 99%\ntests/test_algorithms.py 110 0 100%\ntests/test_axisgrid.py 1314 25 98%\ntests/test_base.py 1008 3 99%\ntests/test_categorical.py 2169 48 98%\ntests/test_distributions.py 1526 12 99%\ntests/test_docstrings.py 19 0 100%\ntests/test_matrix.py 861 28 97%\ntests/test_miscplot.py 24 0 100%\ntests/test_objects.py 11 0 100%\ntests/test_palettes.py 304 0 100%\ntests/test_rcmod.py 189 21 89%\ntests/test_regression.py 441 6 99%\ntests/test_relational.py 1213 13 99%\ntests/test_statistics.py 489 2 99%\ntests/test_utils.py 382 4 99%\n------------------------------------------------------\nTOTAL 24704 513 98%\n\n=========================== short test summary info ============================\nFAILED tests/test_categorical.py::TestBarPlot::test_datetime_native_scale_axis - ValueError: Invalid frequency: ME\n= 1 failed, 2350 passed, 23 skipped, 6 xfailed, 692 warnings in 276.25s (0:04:36) =\nmake: *** [Makefile:4: test] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/tests/test_categorical.py b/tests/test_categorical.py\nindex 8e5fd41d..3df78247 100644\n--- a/tests/test_categorical.py\n+++ b/tests/test_categorical.py\n@@ -2078,7 +2078,7 @@ class TestBarPlot(SharedAggTests):\n \n def test_datetime_native_scale_axis(self):\n \n- x = pd.date_range(\"2010-01-01\", periods=20, freq=\"ME\")\n+ x = pd.date_range(\"2010-01-01\", periods=20, freq=\"MS\")\n y = np.arange(20)\n ax = barplot(x=x, y=y, native_scale=True)\n assert \"Date\" in ax.xaxis.get_major_locator().__class__.__name__\n", "difficulty": 2, "changed_files": ["tests/test_categorical.py"], "commit_link": "https://github.com/mwaskom/seaborn/tree/6cbb12e47665eda2c687b4431d6ce789e74ea4a4"} \ No newline at end of file diff --git a/data/python/76777e3.json b/data/python/76777e3.json new file mode 100644 index 0000000000000000000000000000000000000000..7cf7b28ff8d045cb926dcef79a30069ac3a398ef --- /dev/null +++ b/data/python/76777e3.json @@ -0,0 +1 @@ +{"language": "Python", "id": 35, "repo_owner": "aws", "repo_name": "serverless-application-model", "head_branch": "layer-version-fix", "workflow_name": "Tests", "workflow_filename": "build.yml", "workflow_path": ".github/workflows/build.yml", "contributor": "aws", "sha_fail": "76777e3ab9a15fe11ef4219804cf9c09c04fcf13", "sha_success": "1b6c3f8087a787c8c2bcb0dc201f11a2c4694428", "workflow": "name: Tests\n\non:\n push:\n branches:\n - develop\n - \"feat-*\"\n pull_request:\n workflow_dispatch:\n merge_group:\n types: [checks_requested]\n\njobs:\n build:\n name: ${{ matrix.os }} / ${{ matrix.python }}\n runs-on: ${{ matrix.os }}\n strategy:\n fail-fast: false\n matrix:\n os:\n - ubuntu-latest\n python:\n - \"3.7\"\n - \"3.8\"\n - \"3.9\"\n - \"3.10\"\n - \"3.11\"\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python }}\n - run: make init\n - run: make pr\n", "logs": [{"step_name": "ubuntu-latest 3.7/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/actions.py\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/traverse.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n2 files would be reformatted, 363 files would be left unchanged.\nmake: *** [Makefile:40: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "ubuntu-latest 3.8/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/actions.py\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/traverse.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n2 files would be reformatted, 363 files would be left unchanged.\nmake: *** [Makefile:40: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "ubuntu-latest 3.9/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/actions.py\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/traverse.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n2 files would be reformatted, 363 files would be left unchanged.\nmake: *** [Makefile:40: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "ubuntu-latest 3.10/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/actions.py\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/traverse.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n2 files would be reformatted, 363 files would be left unchanged.\nmake: *** [Makefile:40: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "ubuntu-latest 3.11/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/actions.py\nwould reformat /home/runner/work/serverless-application-model/serverless-application-model/samtranslator/utils/traverse.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n2 files would be reformatted, 363 files would be left unchanged.\nmake: *** [Makefile:40: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/samtranslator/utils/actions.py b/samtranslator/utils/actions.py\nindex 10c1fd7b..921914a0 100644\n--- a/samtranslator/utils/actions.py\n+++ b/samtranslator/utils/actions.py\n@@ -15,7 +15,7 @@ class Action(ABC):\n \n class ResolveDependsOn(Action):\n DependsOn = \"DependsOn\"\n- \n+\n def __init__(self, resolution_data: Dict[str, str]):\n \"\"\"\n Initializes ResolveDependsOn. Where data necessary to resolve execute can be provided.\ndiff --git a/samtranslator/utils/traverse.py b/samtranslator/utils/traverse.py\nindex 3ab9e1c5..ea5ec5e7 100644\n--- a/samtranslator/utils/traverse.py\n+++ b/samtranslator/utils/traverse.py\n@@ -19,7 +19,7 @@ def traverse(\n \n :param input_value: Any primitive type (dict, array, string etc) whose value might contain a changed value\n :param actions: Method that will be called to actually resolve the function.\n- :return: Modified `input` with values resolved \n+ :return: Modified `input` with values resolved\n \"\"\"\n \n for action in actions:\n", "difficulty": 0, "changed_files": ["samtranslator/utils/actions.py", "samtranslator/utils/traverse.py"], "commit_link": "https://github.com/aws/serverless-application-model/tree/76777e3ab9a15fe11ef4219804cf9c09c04fcf13"} \ No newline at end of file diff --git a/data/python/76e35ec.json b/data/python/76e35ec.json new file mode 100644 index 0000000000000000000000000000000000000000..36a17929883b59b782b9f02858f783f9358a6314 --- /dev/null +++ b/data/python/76e35ec.json @@ -0,0 +1 @@ +{"language": "Python", "id": 13, "repo_owner": "hugsy", "repo_name": "gef", "head_branch": "use_info_proc_mapping", "workflow_name": "CI Test for GEF", "workflow_filename": "run-tests.yml", "workflow_path": ".github/workflows/run-tests.yml", "contributor": "hugsy", "sha_fail": "76e35eca93562514943c5842cf2b0b8ec94a4763", "sha_success": "d8b84e55be36327b0255559783551e9563ebf710", "workflow": "name: CI Test for GEF\n\non:\n push:\n branches:\n - main\n\n pull_request:\n branches:\n - main\n\njobs:\n build:\n strategy:\n fail-fast: false\n matrix:\n os:\n - ubuntu-22.04\n - ubuntu-20.04\n name: \"Run Unit tests on ${{ matrix.os }}\"\n runs-on: ${{ matrix.os }}\n defaults:\n run:\n shell: bash\n\n steps:\n - uses: actions/checkout@v3\n\n - name: Install python and toolchain\n run: |\n sudo apt-get update\n sudo apt-get install -y gdb-multiarch python3-dev python3-pip python3-wheel python3-setuptools git cmake gcc g++ pkg-config libglib2.0-dev gdbserver qemu-user\n sudo python3 -m pip install --upgrade pip\n\n - name: Set runtime environment variables\n run: |\n echo PY_VER=`gdb -q -nx -ex \"pi print('.'.join(map(str, sys.version_info[:2])))\" -ex quit` >> $GITHUB_ENV\n echo GEF_CI_NB_CPU=`grep -c ^processor /proc/cpuinfo` >> $GITHUB_ENV\n echo GEF_CI_ARCH=`uname --processor` >> $GITHUB_ENV\n echo GEF_CI_CACHE_DIR=`python3 -m pip cache dir` >> $GITHUB_ENV\n\n - name: Cache dependencies\n uses: actions/cache@v3\n id: cache-deps\n env:\n cache-name: cache-deps\n with:\n key: ${{ runner.os }}-pip-${{ hashFiles('**/requirements.txt') }}\n path: ${{ env.GEF_CI_CACHE_DIR }}\n restore-keys:\n ${{ runner.os }}-pip-${{ env.cache-name }}-\n ${{ runner.os }}-pip-\n ${{ runner.os }}-${{ env.cache-name }}-\n ${{ runner.os }}-\n\n - name: Install Python Requirements\n run: |\n mkdir -p ${{ env.GEF_CI_CACHE_DIR }}\n python${{ env.PY_VER }} -m pip install --user --upgrade -r tests/requirements.txt\n\n - name: Setup GEF\n run: |\n echo \"source $(pwd)/gef.py\" > ~/.gdbinit\n gdb -q -ex 'gef missing' -ex 'gef help' -ex 'gef config' -ex start -ex continue -ex quit /bin/pwd\n\n - name: Run Tests\n run: |\n make -C tests/binaries -j ${{ env.GEF_CI_NB_CPU }}\n python${{ env.PY_VER }} -m pytest --forked -n ${{ env.GEF_CI_NB_CPU }} -v -k \"not benchmark\" tests/\n", "logs": [{"step_name": "Run Unit tests on ubuntu-22.04/8_Run Tests.txt", "log": "##[group]Run make -C tests/binaries -j 4\n\u001b[36;1mmake -C tests/binaries -j 4\u001b[0m\n\u001b[36;1mpython3.10 -m pytest --forked -n 4 -v -k \"not benchmark\" tests/\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PY_VER: 3.10\n GEF_CI_NB_CPU: 4\n GEF_CI_ARCH: x86_64\n GEF_CI_CACHE_DIR: /home/runner/.cache/pip\n##[endgroup]\nmake: Entering directory '/home/runner/work/gef/gef/tests/binaries'\n[+] Building '/tmp/bss.out'\n[+] Building '/tmp/canary.out'\n[+] Building '/tmp/checksec-no-canary.out'\n[+] Building '/tmp/checksec-no-nx.out'\n[+] Building '/tmp/checksec-no-pie.out'\n[+] Building '/tmp/default.out'\n[+] Building '/tmp/format-string-helper.out'\n[+] Building '/tmp/heap-analysis.out'\n[+] Building '/tmp/heap-bins.out'\n[+] Building '/tmp/heap-fastbins.out'\n[+] Building '/tmp/heap-multiple-heaps.out'\n[+] Building '/tmp/heap-non-main.out'\n[+] Building '/tmp/heap-tcache.out'\n[+] Building '/tmp/heap.out'\n[+] Building '/tmp/memwatch.out'\n[+] Building '/tmp/mmap-known-address.out'\n[+] Building '/tmp/nested.out'\n[+] Building '/tmp/nested2.out'\n[+] Building '/tmp/pattern.out'\n[+] Building '/tmp/pcustom.out'\n[+] Building '/tmp/class.out'\nmake: Leaving directory '/home/runner/work/gef/gef/tests/binaries'\n/home/runner/.local/lib/python3.10/site-packages/pytest_benchmark/logger.py:46: PytestBenchmarkWarning: Benchmarks are automatically disabled because xdist plugin is active.Benchmarks cannot be performed reliably in a parallelized environment.\n warner(PytestBenchmarkWarning(text))\n============================= test session starts ==============================\nplatform linux -- Python 3.10.12, pytest-7.4.4, pluggy-1.3.0 -- /usr/bin/python3.10\ncachedir: .pytest_cache\nbenchmark: 4.0.0 (defaults: timer=time.perf_counter disable_gc=False min_rounds=5 min_time=0.000005 max_time=1.0 calibration_precision=10 warmup=False warmup_iterations=100000)\nrootdir: /home/runner/work/gef/gef/tests\nconfigfile: pytest.ini\nplugins: benchmark-4.0.0, forked-1.6.0, xdist-3.5.0, cov-4.1.0\ncreated: 4/4 workers\n4 workers [168 items]\n\nscheduling tests via LoadScheduling\n\ntests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_elf_values \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_tidx2size \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_rm \ntests/api/gef_session.py::GefSessionApi::test_func_get_pid \n[gw0] [ 0%] PASSED tests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_elf_values \ntests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_gef_attributes \n[gw3] [ 1%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_rm \ntests/commands/aslr.py::AslrCommand::test_cmd_aslr_show \n[gw2] [ 1%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_get_pid \ntests/api/gef_session.py::GefSessionApi::test_root_dir_local \n[gw1] [ 2%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_tidx2size \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_only_running \n[gw0] [ 2%] PASSED tests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_gef_attributes \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_ptrsize \n[gw3] [ 3%] PASSED tests/commands/aslr.py::AslrCommand::test_cmd_aslr_show \ntests/commands/aslr.py::AslrCommand::test_cmd_aslr_toggle \n[gw1] [ 4%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_only_running \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps \n[gw2] [ 4%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_local \ntests/api/gef_session.py::GefSessionApi::test_root_dir_qemu \n[gw0] [ 5%] PASSED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_ptrsize \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86 \n[gw0] [ 5%] SKIPPED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86 \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86_64 \n[gw3] [ 6%] PASSED tests/commands/aslr.py::AslrCommand::test_cmd_aslr_toggle \ntests/commands/canary.py::CanaryCommand::test_cmd_canary \n[gw1] [ 7%] FAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format \n[gw2] [ 7%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_qemu \ntests/api/gef_session.py::GefSessionApi::test_root_dir_remote \n[gw3] [ 8%] PASSED tests/commands/canary.py::CanaryCommand::test_cmd_canary \ntests/commands/canary.py::CanaryCommand::test_overwrite_canary \n[gw0] [ 8%] PASSED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86_64 \ntests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble \n[gw1] [ 9%] FAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_local_procfs \n[gw0] [ 10%] PASSED tests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble \ntests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble_page_border \n[gw3] [ 10%] PASSED tests/commands/canary.py::CanaryCommand::test_overwrite_canary \ntests/commands/checksec.py::ChecksecCommandNoCanary::test_cmd_checksec \n[gw2] [ 11%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_remote \ntests/api/misc.py::MiscFunctionTest::test_func_gef_convenience \n[gw1] [ 11%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_local_procfs \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_gdbserver \n[gw3] [ 12%] PASSED tests/commands/checksec.py::ChecksecCommandNoCanary::test_cmd_checksec \ntests/commands/checksec.py::ChecksecCommandNoNx::test_cmd_checksec \n[gw0] [ 13%] PASSED tests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble_page_border \ntests/api/gef_heap.py::GefHeapApi::test_class_glibcarena_main_arena \n[gw2] [ 13%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_gef_convenience \ntests/api/misc.py::MiscFunctionTest::test_func_parse_address \n[gw3] [ 14%] PASSED tests/commands/checksec.py::ChecksecCommandNoNx::test_cmd_checksec \ntests/commands/checksec.py::ChecksecCommandNoPie::test_cmd_checksec \n[gw0] [ 14%] PASSED tests/api/gef_heap.py::GefHeapApi::test_class_glibcarena_main_arena \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_csize2tidx \n[gw2] [ 15%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_parse_address \ntests/api/misc.py::MiscFunctionTest::test_func_show_last_exception \n[gw3] [ 16%] PASSED tests/commands/checksec.py::ChecksecCommandNoPie::test_cmd_checksec \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference \n[gw0] [ 16%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_csize2tidx \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_malloc_align_address \n[gw2] [ 17%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_show_last_exception \ntests/api/misc.py::MiscFunctionTest::test_func_which \n[gw3] [ 17%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_backwards \n[gw0] [ 18%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_malloc_align_address \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_forwards \n[gw2] [ 19%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_which \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_add \n[gw3] [ 19%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_backwards \ntests/commands/gef.py::GefCommand::test_cmd_gef_config_get \n[gw2] [ 20%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_add \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_list \n[gw0] [ 20%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_forwards \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_disable \n[gw3] [ 21%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config_get \ntests/commands/gef.py::GefCommand::test_cmd_gef_config_set \n[gw2] [ 22%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_list \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks \n[gw0] [ 22%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_disable \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_enable \n[gw3] [ 23%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config_set \ntests/commands/gef.py::GefCommand::test_cmd_gef_help \n[gw2] [ 23%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_max_size_filter \n[gw3] [ 24%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_help \ntests/commands/gef.py::GefCommand::test_cmd_gef_install \n[gw0] [ 25%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_enable \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_toggle \n[gw3] [ 25%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_install \ntests/commands/gef.py::GefCommand::test_cmd_gef_run_and_run \n[gw2] [ 26%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_max_size_filter \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_min_size_filter \n[gw0] [ 26%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_toggle \ntests/commands/elf_info.py::ElfInfoCommand::test_cmd_elf_info \n[gw3] [ 27%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_run_and_run \ntests/commands/gef.py::GefCommand::test_cmd_gef_save \n[gw0] [ 27%] PASSED tests/commands/elf_info.py::ElfInfoCommand::test_cmd_elf_info \ntests/commands/entry_break.py::EntryBreakCommand::test_cmd_entry_break \n[gw2] [ 28%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_min_size_filter \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_summary \n[gw3] [ 29%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_save \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote \n[gw0] [ 29%] PASSED tests/commands/entry_break.py::EntryBreakCommand::test_cmd_entry_break \ntests/commands/format_string_helper.py::FormatStringHelperCommand::test_cmd_format_string_helper \n[gw2] [ 30%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_summary \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_with_count \n[gw1] [ 30%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_gdbserver \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_qemu \n[gw0] [ 31%] PASSED tests/commands/format_string_helper.py::FormatStringHelperCommand::test_cmd_format_string_helper \ntests/commands/functions.py::FunctionsCommand::test_cmd_functions \n[gw3] [ 32%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote_qemu_user \n[gw2] [ 32%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_with_count \ntests/commands/heap.py::HeapCommand::test_cmd_heap_set_arena \n[gw0] [ 33%] PASSED tests/commands/functions.py::FunctionsCommand::test_cmd_functions \ntests/commands/gef.py::GefCommand::test_cmd_gef \n[gw1] [ 33%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_qemu \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_permissions \n[gw3] [ 34%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote_qemu_user \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_target_remote \n[gw2] [ 35%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_set_arena \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_non_main \n[gw0] [ 35%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef \ntests/commands/gef.py::GefCommand::test_cmd_gef_config \n[gw1] [ 36%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_permissions \ntests/api/gef_session.py::GefSessionApi::test_func_auxiliary_vector \n[gw2] [ 36%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_non_main \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_tcache \n[gw0] [ 37%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_large \n[gw3] [ 38%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_target_remote \ntests/commands/got.py::GotCommand::test_cmd_got \n[gw1] [ 38%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_auxiliary_vector \ntests/api/gef_session.py::GefSessionApi::test_func_get_filepath \n[gw2] [ 39%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_tcache \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_chunks \n[gw0] [ 39%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_large \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_small \n[gw3] [ 40%] PASSED tests/commands/got.py::GotCommand::test_cmd_got \ntests/commands/heap.py::HeapCommand::test_cmd_heap_arenas \n[gw1] [ 41%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_get_filepath \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_unwatch \n[gw0] [ 41%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_small \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_unsorted \n[gw2] [ 42%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_chunks \ntests/commands/heap.py::HeapCommandMultipleHeaps::test_cmd_heap_chunks_mult_heaps \n[gw3] [ 42%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_arenas \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_no_arg \n[gw1] [ 43%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_unwatch \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_basic \n[gw0] [ 44%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_unsorted \ntests/commands/heap.py::HeapCommandTcache::test_cmd_heap_bins_tcache_all \n[gw2] [ 44%] PASSED tests/commands/heap.py::HeapCommandMultipleHeaps::test_cmd_heap_chunks_mult_heaps \ntests/commands/heap.py::HeapCommandClass::test_cmd_heap_chunks_summary_with_type_resolved \n[gw3] [ 45%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_no_arg \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_with_number \n[gw1] [ 45%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_basic \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_global_variable \n[gw3] [ 46%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_with_number \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction_force \n[gw2] [ 47%] PASSED tests/commands/heap.py::HeapCommandClass::test_cmd_heap_chunks_summary_with_type_resolved \ntests/commands/heap.py::HeapCommandFastBins::test_cmd_heap_bins_fast \n[gw0] [ 47%] PASSED tests/commands/heap.py::HeapCommandTcache::test_cmd_heap_bins_tcache_all \ntests/commands/heap_analysis.py::HeapAnalysisCommand::test_cmd_heap_analysis \n[gw1] [ 48%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_global_variable \ntests/commands/name_break.py::NameBreakCommand::test_cmd_name_break \n[gw3] [ 48%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_check_b_and_n_same_time \n[gw2] [ 49%] PASSED tests/commands/heap.py::HeapCommandFastBins::test_cmd_heap_bins_fast \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop \n[gw1] [ 50%] PASSED tests/commands/name_break.py::NameBreakCommand::test_cmd_name_break \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes \n[gw0] [ 50%] PASSED tests/commands/heap_analysis.py::HeapAnalysisCommand::test_cmd_heap_analysis \ntests/commands/hexdump.py::HexdumpCommand::test_cmd_hexdump \n[gw3] [ 51%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_check_b_and_n_same_time \ntests/commands/nop.py::NopCommand::test_cmd_nop_force_arg_break_instruction \n[gw2] [ 51%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg \n[gw1] [ 52%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg \n[gw0] [ 52%] PASSED tests/commands/hexdump.py::HexdumpCommand::test_cmd_hexdump \ntests/commands/highlight.py::HighlightCommand::test_cmd_highlight \n[gw3] [ 53%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_force_arg_break_instruction \ntests/commands/nop.py::NopCommand::test_cmd_nop_i_arg \n[gw2] [ 54%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks \n[gw1] [ 54%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit \n[gw0] [ 55%] PASSED tests/commands/highlight.py::HighlightCommand::test_cmd_highlight \ntests/commands/hijack_fd.py::HijackFdCommand::test_cmd_hijack_fd \n[gw3] [ 55%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_i_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_i_arg_reaching_unmapped_area \n[gw2] [ 56%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks_force \n[gw0] [ 57%] PASSED tests/commands/hijack_fd.py::HijackFdCommand::test_cmd_hijack_fd \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_list \n[gw1] [ 57%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit_force \n[gw3] [ 58%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_i_arg_reaching_unmapped_area \ntests/commands/nop.py::NopCommand::test_cmd_nop_inactive \n[gw2] [ 58%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction \n[gw0] [ 59%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_list \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_reset \n[gw1] [ 60%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction \n[gw3] [ 60%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_inactive \ntests/commands/nop.py::NopCommand::test_cmd_nop_no_arg \n[gw2] [ 61%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction_force \n[gw0] [ 61%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_reset \ntests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_invalid_end_address \n[gw1] [ 62%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction \ntests/commands/patch.py::PatchCommand::test_cmd_patch_string \n[gw3] [ 63%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_no_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_no_arg_break_instruction \n[gw2] [ 63%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction_force \ntests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_as_bytes_invalid_end_address \n[gw0] [ 64%] PASSED tests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_invalid_end_address \ntests/commands/patch.py::PatchCommand::test_cmd_patch \n[gw1] [ 64%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_string \ntests/commands/patch.py::PatchCommand::test_cmd_patch_word \n[gw3] [ 65%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_no_arg_break_instruction \ntests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom \n[gw0] [ 66%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch \ntests/commands/patch.py::PatchCommand::test_cmd_patch_byte \n[gw2] [ 66%] PASSED tests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_as_bytes_invalid_end_address \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_run \n[gw1] [ 67%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_word \ntests/commands/patch.py::PatchCommandBss::test_cmd_patch_qword_symbol \n[gw3] [ 67%] PASSED tests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom \ntests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom_show \n[gw0] [ 68%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_byte \ntests/commands/patch.py::PatchCommand::test_cmd_patch_byte_bytearray \n[gw2] [ 69%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_run \ntests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format \n[gw1] [ 69%] PASSED tests/commands/patch.py::PatchCommandBss::test_cmd_patch_qword_symbol \ntests/commands/pattern.py::PatternCommand::test_cmd_pattern_create \n[gw3] [ 70%] PASSED tests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom_show \ntests/commands/pie.py::PieCommand::test_cmd_pie \n[gw0] [ 70%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_byte_bytearray \ntests/commands/patch.py::PatchCommand::test_cmd_patch_dword \n[gw2] [ 71%] PASSED tests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format \ntests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format_bytearray \n[gw1] [ 72%] PASSED tests/commands/pattern.py::PatternCommand::test_cmd_pattern_create \ntests/commands/pattern.py::PatternCommand::test_cmd_pattern_search \n[gw3] [ 72%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_check \n[gw0] [ 73%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_dword \ntests/commands/patch.py::PatchCommand::test_cmd_patch_qword \n[gw2] [ 73%] PASSED tests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format_bytearray \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search1 \n[gw3] [ 74%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_check \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_delete \n[gw1] [ 75%] PASSED tests/commands/pattern.py::PatternCommand::test_cmd_pattern_search \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_smartscan \n[gw2] [ 75%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search1 \ntests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern \n[gw0] [ 76%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_qword \ntests/commands/registers.py::RegistersCommand::test_cmd_registers \n[gw3] [ 76%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_delete \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_nok \n[gw1] [ 77%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_smartscan \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_wildcart \n[gw2] [ 77%] PASSED tests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern \ntests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern_regex \n[gw0] [ 78%] PASSED tests/commands/registers.py::RegistersCommand::test_cmd_registers \ntests/commands/reset_cache.py::ResetCacheCommand::test_cmd_reset_cache \n[gw3] [ 79%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_nok \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_ok \n[gw1] [ 79%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_wildcart \ntests/commands/process_status.py::ProcessStatusCommand::test_cmd_process_status \n[gw2] [ 80%] PASSED tests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern_regex \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode \n[gw0] [ 80%] PASSED tests/commands/reset_cache.py::ResetCacheCommand::test_cmd_reset_cache \ntests/commands/scan.py::ScanCommand::test_cmd_scan \n[gw3] [ 81%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_ok \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_search \n[gw1] [ 82%] PASSED tests/commands/process_status.py::ProcessStatusCommand::test_cmd_process_status \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_no_arg \n[gw2] [ 82%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_two_instructions_from_location \n[gw0] [ 83%] PASSED tests/commands/scan.py::ScanCommand::test_cmd_scan \ntests/commands/stub.py::StubCommand::test_cmd_stub \n[gw3] [ 83%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_search \ntests/commands/skipi.py::SkipiCommand::test_cmd_nop_inactive \n[gw1] [ 84%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_no_arg \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_skip_two_instructions \n[gw2] [ 85%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_two_instructions_from_location \ntests/commands/smart_eval.py::SmartEvalCommand::test_cmd_smart_eval \n[gw3] [ 85%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_nop_inactive \ntests/commands/trace_run.py::TraceRunCommand::test_cmd_trace_run \n[gw0] [ 86%] PASSED tests/commands/stub.py::StubCommand::test_cmd_stub \ntests/commands/theme.py::ThemeCommand::test_cmd_theme \n[gw1] [ 86%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_skip_two_instructions \ntests/commands/version.py::VersionCommand::test_cmd_version \n[gw2] [ 87%] PASSED tests/commands/smart_eval.py::SmartEvalCommand::test_cmd_smart_eval \ntests/commands/vmmap.py::VmmapCommand::test_cmd_vmmap \n[gw0] [ 88%] PASSED tests/commands/theme.py::ThemeCommand::test_cmd_theme \ntests/commands/xinfo.py::XinfoCommand::test_cmd_xinfo \n[gw3] [ 88%] PASSED tests/commands/trace_run.py::TraceRunCommand::test_cmd_trace_run \ntests/commands/xfiles.py::XfilesCommand::test_cmd_xfiles \n[gw1] [ 89%] PASSED tests/commands/version.py::VersionCommand::test_cmd_version \ntests/commands/xinfo.py::XinfoCommandClass::test_cmd_xinfo_on_class \n[gw2] [ 89%] PASSED tests/commands/vmmap.py::VmmapCommand::test_cmd_vmmap \ntests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_display \n[gw0] [ 90%] PASSED tests/commands/xinfo.py::XinfoCommand::test_cmd_xinfo \ntests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_patch \n[gw3] [ 91%] PASSED tests/commands/xfiles.py::XfilesCommand::test_cmd_xfiles \ntests/config/__init__.py::TestGefConfigUnit::test_config_hook_validator \n[gw1] [ 91%] PASSED tests/commands/xinfo.py::XinfoCommandClass::test_cmd_xinfo_on_class \ntests/config/__init__.py::TestGefConfigUnit::test_config_libc_version \n[gw2] [ 92%] PASSED tests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_display \ntests/config/__init__.py::TestGefConfigUnit::test_config_show_opcodes_size \n[gw0] [ 92%] PASSED tests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_patch \ntests/config/__init__.py::TestGefConfigUnit::test_config_type_validator \n[gw3] [ 93%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_hook_validator \ntests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_base \n[gw1] [ 94%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_libc_version \ntests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_stack \n[gw2] [ 94%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_show_opcodes_size \ntests/functions/elf_sections.py::ElfSectionGdbFunctionBss::test_func_bss \n[gw0] [ 95%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_type_validator \ntests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_got \n[gw3] [ 95%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_base \ntests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_heap \n[gw1] [ 96%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_stack \ntests/regressions/gdbserver_connection.py::RegressionGdbserverConnection::test_can_establish_connection_to_gdbserver_again_after_disconnect \n[gw2] [ 97%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionBss::test_func_bss \ntests/regressions/registers_register_order.py::RegressionRegisterOrder::test_registers_show_registers_in_correct_order \n[gw0] [ 97%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_got \ntests/regressions/registers_register_order.py::RegressionRegisterOrderNested::test_context_correct_registers_refresh_with_frames \n[gw3] [ 98%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_heap \n[gw2] [ 98%] PASSED tests/regressions/registers_register_order.py::RegressionRegisterOrder::test_registers_show_registers_in_correct_order \n[gw0] [ 99%] PASSED tests/regressions/registers_register_order.py::RegressionRegisterOrderNested::test_context_correct_registers_refresh_with_frames \n[gw1] [100%] PASSED tests/regressions/gdbserver_connection.py::RegressionGdbserverConnection::test_can_establish_connection_to_gdbserver_again_after_disconnect \n\n=================================== FAILURES ===================================\n____________ GefMemoryApi.test_api_gef_memory_parse_info_proc_maps _____________\n[gw1] linux -- Python 3.10.12 /usr/bin/python3.10\nself = \n\n def test_api_gef_memory_parse_info_proc_maps(self):\n gdb, gef, root = self._gdb, self._gef, self._conn.root\n gdb.execute(\"start\")\n \n Section = root.eval(\"Section\")\n \n> if self.gdb_version < (11, 0):\nE TypeError: '<' not supported between instances of 'list' and 'tuple'\n\ntests/api/gef_memory.py:71: TypeError\n----------------------------- Captured stdout call -----------------------------\nReading symbols from /tmp/default.out...\n\u001b[32mGEF\u001b[0m for linux ready, type `\u001b[4m\u001b[33mgef\u001b[24m\u001b[0m' to start, `\u001b[4m\u001b[35mgef config\u001b[24m\u001b[0m' to configure\n\u001b[1m\u001b[32m88\u001b[0m commands loaded and \u001b[1m\u001b[34m5\u001b[0m functions added for GDB \u001b[1m\u001b[33m12.1\u001b[0m in 0.01ms using Python engine \u001b[1m\u001b[31m3.10\u001b[0m\n[+] Breaking at '0x1169'\n[Thread debugging using libthread_db enabled]\nUsing host libthread_db library \"/lib/x86_64-linux-gnu/libthread_db.so.1\".\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 registers \u2500\u2500\u2500\u2500\n$rax : 0x0000555555555169 \u2192 endbr64 \n$rbx : 0x0 \n$rcx : 0x0000555555557db8 \u2192 0x0000555555555120 \u2192 <__do_global_dtors_aux+0> endbr64 \n$rdx : 0x00007fffffffd758 \u2192 0x00007fffffffdcc8 \u2192 \"GITHUB_STATE=/home/runner/work/_temp/_runner_file_[...]\"\n$rsp : 0x00007fffffffd600 \u2192 0x0000000000000002\n$rbp : 0x00007fffffffd630 \u2192 0x0000000000000001\n$rsi : 0x00007fffffffd748 \u2192 0x00007fffffffdcb7 \u2192 \"/tmp/default.out\"\n$rdi : 0x1 \n$rip : 0x0000555555555180 \u2192 mov rax, QWORD PTR fs:0x28\n$r8 : 0x00007ffff7e1bf10 \u2192 0x0000000000000004\n$r9 : 0x00007ffff7fc9040 \u2192 <_dl_fini+0> endbr64 \n$r10 : 0x00007ffff7fc3908 \u2192 0x000d00120000000e\n$r11 : 0x00007ffff7fde660 \u2192 <_dl_audit_preinit+0> endbr64 \n$r12 : 0x00007fffffffd748 \u2192 0x00007fffffffdcb7 \u2192 \"/tmp/default.out\"\n$r13 : 0x0000555555555169 \u2192 endbr64 \n$r14 : 0x0000555555557db8 \u2192 0x0000555555555120 \u2192 <__do_global_dtors_aux+0> endbr64 \n$r15 : 0x00007ffff7ffd040 \u2192 0x00007ffff7ffe2e0 \u2192 0x0000555555554000 \u2192 jg 0x555555554047\n$eflags: [zero carry PARITY adjust sign trap INTERRUPT direction overflow resume virtualx86 identification]\n$cs: 0x33 $ss: 0x2b $ds: 0x00 $es: 0x00 $fs: 0x00 $gs: 0x00 \n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 stack \u2500\u2500\u2500\u2500\n0x00007fffffffd600\u2502+0x0000: 0x0000000000000002\t \u2190 $rsp\n0x00007fffffffd608\u2502+0x0008: 0x00007fffffffd758 \u2192 0x00007fffffffdcc8 \u2192 \"GITHUB_STATE=/home/runner/work/_temp/_runner_file_[...]\"\n0x00007fffffffd610\u2502+0x0010: 0x00007fffffffd748 \u2192 0x00007fffffffdcb7 \u2192 \"/tmp/default.out\"\n0x00007fffffffd618\u2502+0x0018: 0x0000000100000064 (\"d\"?)\n0x00007fffffffd620\u2502+0x0020: 0x0000000000001000\n0x00007fffffffd628\u2502+0x0028: 0x0000555555555080 \u2192 <_start+0> endbr64 \n0x00007fffffffd630\u2502+0x0030: 0x0000000000000001\t \u2190 $rbp\n0x00007fffffffd638\u2502+0x0038: 0x00007ffff7c29d90 \u2192 <__libc_start_call_main+128> mov edi, eax\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 code:x86:64 \u2500\u2500\u2500\u2500\n 0x555555555175 mov DWORD PTR [rbp-0x14], edi\n 0x555555555178 mov QWORD PTR [rbp-0x20], rsi\n 0x55555555517c mov QWORD PTR [rbp-0x28], rdx\n \u2192 0x555555555180 mov rax, QWORD PTR fs:0x28\n 0x555555555189 mov QWORD PTR [rbp-0x8], rax\n 0x55555555518d xor eax, eax\n 0x55555555518f lea rax, [rip+0xe6e] # 0x555555556004\n 0x555555555196 mov rdi, rax\n 0x555555555199 call 0x555555555060 \n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 source:default.c+13 \u2500\u2500\u2500\u2500\n 8\t #include \n 9\t #include \n 10\t \n 11\t \n 12\t int main(int argc, char** argv, char** envp)\n \u2192 13\t {\n 14\t printf(\"Hello World!\\n\");\n 15\t return EXIT_SUCCESS;\n 16\t }\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 threads \u2500\u2500\u2500\u2500\n[#0] Id 1, Name: \"default.out\", stopped 0x555555555180 in main (), reason: BREAKPOINT\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 trace \u2500\u2500\u2500\u2500\n[#0] 0x555555555180 \u2192 main(argc=0x1, argv=0x7fffffffd748, envp=0x7fffffffd758)\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\n\n----------------------------- Captured stderr call -----------------------------\nError while writing index for `/tmp/default.out': mkstemp: No such file or directory.\nTERM environment variable not set.\nWARNING:REMOTEDEBUG/25467:keyboard interrupt!\n____ GefMemoryApi.test_api_gef_memory_parse_info_proc_maps_expected_format _____\n[gw1] linux -- Python 3.10.12 /usr/bin/python3.10\nself = \n\n def test_api_gef_memory_parse_info_proc_maps_expected_format(self):\n> if self.gdb_version < (11, 0):\nE TypeError: '<' not supported between instances of 'list' and 'tuple'\n\ntests/api/gef_memory.py:36: TypeError\n----------------------------- Captured stdout call -----------------------------\nReading symbols from /tmp/default.out...\n\u001b[32mGEF\u001b[0m for linux ready, type `\u001b[4m\u001b[33mgef\u001b[24m\u001b[0m' to start, `\u001b[4m\u001b[35mgef config\u001b[24m\u001b[0m' to configure\n\u001b[1m\u001b[32m88\u001b[0m commands loaded and \u001b[1m\u001b[34m5\u001b[0m functions added for GDB \u001b[1m\u001b[33m12.1\u001b[0m in 0.00ms using Python engine \u001b[1m\u001b[31m3.10\u001b[0m\n\n----------------------------- Captured stderr call -----------------------------\nError while writing index for `/tmp/default.out': mkstemp: No such file or directory.\nWARNING:REMOTEDEBUG/8616:keyboard interrupt!\n=========================== short test summary info ============================\nFAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps\nFAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format\n============= 2 failed, 165 passed, 1 skipped in 61.42s (0:01:01) ==============\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Run Unit tests on ubuntu-20.04/8_Run Tests.txt", "log": "##[group]Run make -C tests/binaries -j 4\n\u001b[36;1mmake -C tests/binaries -j 4\u001b[0m\n\u001b[36;1mpython3.8 -m pytest --forked -n 4 -v -k \"not benchmark\" tests/\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PY_VER: 3.8\n GEF_CI_NB_CPU: 4\n GEF_CI_ARCH: x86_64\n GEF_CI_CACHE_DIR: /home/runner/.cache/pip\n##[endgroup]\nmake: Entering directory '/home/runner/work/gef/gef/tests/binaries'\n[+] Building '/tmp/heap.out'\n[+] Building '/tmp/bss.out'\n[+] Building '/tmp/canary.out'\n[+] Building '/tmp/heap-multiple-heaps.out'\n[+] Building '/tmp/checksec-no-canary.out'\n[+] Building '/tmp/format-string-helper.out'\n[+] Building '/tmp/checksec-no-nx.out'\n[+] Building '/tmp/heap-non-main.out'\n[+] Building '/tmp/nested2.out'\n[+] Building '/tmp/mmap-known-address.out'\n[+] Building '/tmp/heap-analysis.out'\n[+] Building '/tmp/default.out'\n[+] Building '/tmp/heap-tcache.out'\n[+] Building '/tmp/nested.out'\n[+] Building '/tmp/checksec-no-pie.out'\n[+] Building '/tmp/heap-bins.out'\n[+] Building '/tmp/pattern.out'\n[+] Building '/tmp/memwatch.out'\n[+] Building '/tmp/pcustom.out'\n[+] Building '/tmp/heap-fastbins.out'\n[+] Building '/tmp/class.out'\nmake: Leaving directory '/home/runner/work/gef/gef/tests/binaries'\n============================= test session starts ==============================\nplatform linux -- Python 3.8.10, pytest-7.4.4, pluggy-1.3.0 -- /usr/bin/python3.8\ncachedir: .pytest_cache\nbenchmark: 4.0.0 (defaults: timer=time.perf_counter disable_gc=False min_rounds=5 min_time=0.000005 max_time=1.0 calibration_precision=10 warmup=False warmup_iterations=100000)\nrootdir: /home/runner/work/gef/gef/tests\nconfigfile: pytest.ini\nplugins: forked-1.6.0, xdist-3.5.0, benchmark-4.0.0, cov-4.1.0\ncreated: 4/4 workers\n4 workers [168 items]\n\nscheduling tests via LoadScheduling\n\ntests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_elf_values \ntests/api/gef_session.py::GefSessionApi::test_func_get_pid \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_tidx2size \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_rm \n[gw0] [ 0%] PASSED tests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_elf_values \ntests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_gef_attributes \n[gw3] [ 1%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_rm \ntests/commands/aslr.py::AslrCommand::test_cmd_aslr_show \n[gw2] [ 1%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_tidx2size \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_only_running \n[gw1] [ 2%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_get_pid \ntests/api/gef_session.py::GefSessionApi::test_root_dir_local \n[gw3] [ 2%] PASSED tests/commands/aslr.py::AslrCommand::test_cmd_aslr_show \ntests/commands/aslr.py::AslrCommand::test_cmd_aslr_toggle \n[gw0] [ 3%] PASSED tests/api/deprecated.py::GefFuncDeprecatedApi::test_deprecated_gef_attributes \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_ptrsize \n[gw2] [ 4%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_only_running \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps \n[gw1] [ 4%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_local \ntests/api/gef_session.py::GefSessionApi::test_root_dir_qemu \n[gw3] [ 5%] PASSED tests/commands/aslr.py::AslrCommand::test_cmd_aslr_toggle \ntests/commands/canary.py::CanaryCommand::test_cmd_canary \n[gw0] [ 5%] PASSED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_ptrsize \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86 \n[gw0] [ 6%] SKIPPED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86 \ntests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86_64 \n[gw1] [ 7%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_qemu \ntests/api/gef_session.py::GefSessionApi::test_root_dir_remote \n[gw2] [ 7%] FAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps \ntests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format \n[gw3] [ 8%] PASSED tests/commands/canary.py::CanaryCommand::test_cmd_canary \ntests/commands/canary.py::CanaryCommand::test_overwrite_canary \n[gw0] [ 8%] PASSED tests/api/gef_arch.py::GefArchApi::test_api_gef_arch_x86_64 \ntests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble \n[gw2] [ 9%] FAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_local_procfs \n[gw3] [ 10%] PASSED tests/commands/canary.py::CanaryCommand::test_overwrite_canary \ntests/commands/checksec.py::ChecksecCommandNoCanary::test_cmd_checksec \n[gw0] [ 10%] PASSED tests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble \ntests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble_page_border \n[gw1] [ 11%] PASSED tests/api/gef_session.py::GefSessionApi::test_root_dir_remote \ntests/api/misc.py::MiscFunctionTest::test_func_gef_convenience \n[gw2] [ 11%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_local_procfs \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_gdbserver \n[gw3] [ 12%] PASSED tests/commands/checksec.py::ChecksecCommandNoCanary::test_cmd_checksec \ntests/commands/checksec.py::ChecksecCommandNoNx::test_cmd_checksec \n[gw0] [ 13%] PASSED tests/api/gef_disassemble.py::GefDisassembleApiFunction::test_func_gef_disassemble_page_border \ntests/api/gef_heap.py::GefHeapApi::test_class_glibcarena_main_arena \n[gw1] [ 13%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_gef_convenience \ntests/api/misc.py::MiscFunctionTest::test_func_parse_address \n[gw3] [ 14%] PASSED tests/commands/checksec.py::ChecksecCommandNoNx::test_cmd_checksec \ntests/commands/checksec.py::ChecksecCommandNoPie::test_cmd_checksec \n[gw1] [ 14%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_parse_address \ntests/api/misc.py::MiscFunctionTest::test_func_show_last_exception \n[gw0] [ 15%] PASSED tests/api/gef_heap.py::GefHeapApi::test_class_glibcarena_main_arena \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_csize2tidx \n[gw3] [ 16%] PASSED tests/commands/checksec.py::ChecksecCommandNoPie::test_cmd_checksec \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference \n[gw1] [ 16%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_show_last_exception \ntests/api/misc.py::MiscFunctionTest::test_func_which \n[gw0] [ 17%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_csize2tidx \ntests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_malloc_align_address \n[gw3] [ 17%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_backwards \n[gw1] [ 18%] PASSED tests/api/misc.py::MiscFunctionTest::test_func_which \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_add \n[gw0] [ 19%] PASSED tests/api/gef_heap.py::GefHeapApi::test_func_gef_heap_malloc_align_address \ntests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_forwards \n[gw3] [ 19%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_backwards \ntests/commands/gef.py::GefCommand::test_cmd_gef_config_get \n[gw1] [ 20%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_add \ntests/commands/aliases.py::AliasesCommand::test_cmd_aliases_list \n[gw0] [ 20%] PASSED tests/commands/dereference.py::DereferenceCommand::test_cmd_dereference_forwards \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_disable \n[gw3] [ 21%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config_get \ntests/commands/gef.py::GefCommand::test_cmd_gef_config_set \n[gw1] [ 22%] PASSED tests/commands/aliases.py::AliasesCommand::test_cmd_aliases_list \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks \n[gw3] [ 22%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config_set \ntests/commands/gef.py::GefCommand::test_cmd_gef_help \n[gw0] [ 23%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_disable \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_enable \n[gw1] [ 23%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_max_size_filter \n[gw3] [ 24%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_help \ntests/commands/gef.py::GefCommand::test_cmd_gef_install \n[gw0] [ 25%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_enable \ntests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_toggle \n[gw1] [ 25%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_max_size_filter \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_min_size_filter \n[gw3] [ 26%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_install \ntests/commands/gef.py::GefCommand::test_cmd_gef_run_and_run \n[gw0] [ 26%] PASSED tests/commands/edit_flags.py::EditFlagsCommand::test_cmd_edit_flags_toggle \ntests/commands/elf_info.py::ElfInfoCommand::test_cmd_elf_info \n[gw3] [ 27%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_run_and_run \ntests/commands/gef.py::GefCommand::test_cmd_gef_save \n[gw1] [ 27%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_min_size_filter \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_summary \n[gw0] [ 28%] PASSED tests/commands/elf_info.py::ElfInfoCommand::test_cmd_elf_info \ntests/commands/entry_break.py::EntryBreakCommand::test_cmd_entry_break \n[gw3] [ 29%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_save \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote \n[gw1] [ 29%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_summary \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_with_count \n[gw0] [ 30%] PASSED tests/commands/entry_break.py::EntryBreakCommand::test_cmd_entry_break \ntests/commands/format_string_helper.py::FormatStringHelperCommand::test_cmd_format_string_helper \n[gw1] [ 30%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunks_with_count \ntests/commands/heap.py::HeapCommand::test_cmd_heap_set_arena \n[gw0] [ 31%] PASSED tests/commands/format_string_helper.py::FormatStringHelperCommand::test_cmd_format_string_helper \ntests/commands/functions.py::FunctionsCommand::test_cmd_functions \n[gw3] [ 32%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote_qemu_user \n[gw2] [ 32%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_gdbserver \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_qemu \n[gw0] [ 33%] PASSED tests/commands/functions.py::FunctionsCommand::test_cmd_functions \ntests/commands/gef.py::GefCommand::test_cmd_gef \n[gw3] [ 33%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_gef_remote_qemu_user \ntests/commands/gef_remote.py::GefRemoteCommand::test_cmd_target_remote \n[gw1] [ 34%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_set_arena \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_non_main \n[gw2] [ 35%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_maps_remote_qemu \ntests/api/gef_memory.py::GefMemoryApi::test_func_parse_permissions \n[gw0] [ 35%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef \ntests/commands/gef.py::GefCommand::test_cmd_gef_config \n[gw1] [ 36%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_non_main \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_tcache \n[gw2] [ 36%] PASSED tests/api/gef_memory.py::GefMemoryApi::test_func_parse_permissions \ntests/api/gef_session.py::GefSessionApi::test_func_auxiliary_vector \n[gw0] [ 37%] PASSED tests/commands/gef.py::GefCommand::test_cmd_gef_config \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_large \n[gw3] [ 38%] PASSED tests/commands/gef_remote.py::GefRemoteCommand::test_cmd_target_remote \ntests/commands/got.py::GotCommand::test_cmd_got \n[gw1] [ 38%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_bins_tcache \ntests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_chunks \n[gw2] [ 39%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_auxiliary_vector \ntests/api/gef_session.py::GefSessionApi::test_func_get_filepath \n[gw0] [ 39%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_large \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_small \n[gw3] [ 40%] PASSED tests/commands/got.py::GotCommand::test_cmd_got \ntests/commands/heap.py::HeapCommand::test_cmd_heap_arenas \n[gw2] [ 41%] PASSED tests/api/gef_session.py::GefSessionApi::test_func_get_filepath \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_unwatch \n[gw1] [ 41%] PASSED tests/commands/heap.py::HeapCommandNonMain::test_cmd_heap_chunks \ntests/commands/heap.py::HeapCommandMultipleHeaps::test_cmd_heap_chunks_mult_heaps \n[gw0] [ 42%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_small \ntests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_unsorted \n[gw3] [ 42%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_arenas \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_no_arg \n[gw2] [ 43%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_unwatch \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_basic \n[gw1] [ 44%] PASSED tests/commands/heap.py::HeapCommandMultipleHeaps::test_cmd_heap_chunks_mult_heaps \ntests/commands/heap.py::HeapCommandClass::test_cmd_heap_chunks_summary_with_type_resolved \n[gw0] [ 44%] PASSED tests/commands/heap.py::HeapCommandBins::test_cmd_heap_bins_unsorted \ntests/commands/heap.py::HeapCommandTcache::test_cmd_heap_bins_tcache_all \n[gw3] [ 45%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_no_arg \ntests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_with_number \n[gw2] [ 45%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_basic \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_global_variable \n[gw1] [ 46%] PASSED tests/commands/heap.py::HeapCommandClass::test_cmd_heap_chunks_summary_with_type_resolved \ntests/commands/heap.py::HeapCommandFastBins::test_cmd_heap_bins_fast \n[gw3] [ 47%] PASSED tests/commands/heap.py::HeapCommand::test_cmd_heap_chunk_with_number \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction_force \n[gw0] [ 47%] PASSED tests/commands/heap.py::HeapCommandTcache::test_cmd_heap_bins_tcache_all \ntests/commands/heap_analysis.py::HeapAnalysisCommand::test_cmd_heap_analysis \n[gw1] [ 48%] PASSED tests/commands/heap.py::HeapCommandFastBins::test_cmd_heap_bins_fast \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop \n[gw2] [ 48%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_watch_global_variable \ntests/commands/name_break.py::NameBreakCommand::test_cmd_name_break \n[gw3] [ 49%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_check_b_and_n_same_time \n[gw0] [ 50%] PASSED tests/commands/heap_analysis.py::HeapAnalysisCommand::test_cmd_heap_analysis \ntests/commands/hexdump.py::HexdumpCommand::test_cmd_hexdump \n[gw1] [ 50%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg \n[gw2] [ 51%] PASSED tests/commands/name_break.py::NameBreakCommand::test_cmd_name_break \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes \n[gw3] [ 51%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_check_b_and_n_same_time \ntests/commands/nop.py::NopCommand::test_cmd_nop_force_arg_break_instruction \n[gw0] [ 52%] PASSED tests/commands/hexdump.py::HexdumpCommand::test_cmd_hexdump \ntests/commands/highlight.py::HighlightCommand::test_cmd_highlight \n[gw1] [ 52%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks \n[gw2] [ 53%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg \n[gw3] [ 54%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_force_arg_break_instruction \ntests/commands/nop.py::NopCommand::test_cmd_nop_i_arg \n[gw0] [ 54%] PASSED tests/commands/highlight.py::HighlightCommand::test_cmd_highlight \ntests/commands/hijack_fd.py::HijackFdCommand::test_cmd_hijack_fd \n[gw1] [ 55%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks_force \n[gw3] [ 55%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_i_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_i_arg_reaching_unmapped_area \n[gw2] [ 56%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit \n[gw0] [ 57%] PASSED tests/commands/hijack_fd.py::HijackFdCommand::test_cmd_hijack_fd \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_list \n[gw1] [ 57%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_arg_multibnop_breaks_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction \n[gw3] [ 58%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_i_arg_reaching_unmapped_area \ntests/commands/nop.py::NopCommand::test_cmd_nop_inactive \n[gw2] [ 58%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit_force \n[gw0] [ 59%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_list \ntests/commands/memory.py::MemoryCommand::test_cmd_memory_reset \n[gw1] [ 60%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction \ntests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction_force \n[gw3] [ 60%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_inactive \ntests/commands/nop.py::NopCommand::test_cmd_nop_no_arg \n[gw2] [ 61%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_arg_nops_no_fit_force \ntests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction \n[gw0] [ 61%] PASSED tests/commands/memory.py::MemoryCommand::test_cmd_memory_reset \ntests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_invalid_end_address \n[gw1] [ 62%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_nop_break_instruction_force \ntests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_as_bytes_invalid_end_address \n[gw3] [ 63%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_no_arg \ntests/commands/nop.py::NopCommand::test_cmd_nop_no_arg_break_instruction \n[gw2] [ 63%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_bytes_break_instruction \ntests/commands/patch.py::PatchCommand::test_cmd_patch_string \n[gw0] [ 64%] PASSED tests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_invalid_end_address \ntests/commands/patch.py::PatchCommand::test_cmd_patch \n[gw1] [ 64%] PASSED tests/commands/nop.py::NopCommandMmapKnownAddress::test_cmd_nop_as_bytes_invalid_end_address \ntests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom \n[gw3] [ 65%] PASSED tests/commands/nop.py::NopCommand::test_cmd_nop_no_arg_break_instruction \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_run \n[gw2] [ 66%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_string \ntests/commands/patch.py::PatchCommand::test_cmd_patch_word \n[gw0] [ 66%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch \ntests/commands/patch.py::PatchCommand::test_cmd_patch_byte \n[gw1] [ 67%] PASSED tests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom \ntests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom_show \n[gw3] [ 67%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_run \ntests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format \n[gw2] [ 68%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_word \ntests/commands/patch.py::PatchCommandBss::test_cmd_patch_qword_symbol \n[gw0] [ 69%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_byte \ntests/commands/patch.py::PatchCommand::test_cmd_patch_byte_bytearray \n[gw3] [ 69%] PASSED tests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format \ntests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format_bytearray \n[gw1] [ 70%] PASSED tests/commands/pcustom.py::PcustomCommand::test_cmd_pcustom_show \ntests/commands/pie.py::PieCommand::test_cmd_pie \n[gw2] [ 70%] PASSED tests/commands/patch.py::PatchCommandBss::test_cmd_patch_qword_symbol \ntests/commands/pattern.py::PatternCommand::test_cmd_pattern_create \n[gw0] [ 71%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_byte_bytearray \ntests/commands/patch.py::PatchCommand::test_cmd_patch_dword \n[gw1] [ 72%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_check \n[gw3] [ 72%] PASSED tests/commands/print_format.py::PrintFormatCommand::test_cmd_print_format_bytearray \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search1 \n[gw2] [ 73%] PASSED tests/commands/pattern.py::PatternCommand::test_cmd_pattern_create \ntests/commands/pattern.py::PatternCommand::test_cmd_pattern_search \n[gw0] [ 73%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_dword \ntests/commands/patch.py::PatchCommand::test_cmd_patch_qword \n[gw1] [ 74%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_check \ntests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_delete \n[gw3] [ 75%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search1 \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_smartscan \n[gw0] [ 75%] PASSED tests/commands/patch.py::PatchCommand::test_cmd_patch_qword \ntests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern \n[gw1] [ 76%] PASSED tests/commands/pie.py::PieCommand::test_cmd_pie_breakpoint_delete \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_nok \n[gw2] [ 76%] PASSED tests/commands/pattern.py::PatternCommand::test_cmd_pattern_search \ntests/commands/registers.py::RegistersCommand::test_cmd_registers \n[gw3] [ 77%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_smartscan \ntests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_wildcart \n[gw0] [ 77%] PASSED tests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern \ntests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern_regex \n[gw1] [ 78%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_nok \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_ok \n[gw2] [ 79%] PASSED tests/commands/registers.py::RegistersCommand::test_cmd_registers \ntests/commands/reset_cache.py::ResetCacheCommand::test_cmd_reset_cache \n[gw3] [ 79%] PASSED tests/commands/process_search.py::ProcessSearchCommand::test_cmd_process_search_wildcart \ntests/commands/process_status.py::ProcessStatusCommand::test_cmd_process_status \n[gw0] [ 80%] PASSED tests/commands/search_pattern.py::SearchPatternCommand::test_cmd_search_pattern_regex \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode \n[gw2] [ 80%] PASSED tests/commands/reset_cache.py::ResetCacheCommand::test_cmd_reset_cache \ntests/commands/scan.py::ScanCommand::test_cmd_scan \n[gw1] [ 81%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_get_ok \ntests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_search \n[gw3] [ 82%] PASSED tests/commands/process_status.py::ProcessStatusCommand::test_cmd_process_status \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_no_arg \n[gw0] [ 82%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_two_instructions_from_location \n[gw1] [ 83%] PASSED tests/commands/shellcode.py::ShellcodeCommand::test_cmd_shellcode_search \ntests/commands/skipi.py::SkipiCommand::test_cmd_nop_inactive \n[gw3] [ 83%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_no_arg \ntests/commands/skipi.py::SkipiCommand::test_cmd_skipi_skip_two_instructions \n[gw2] [ 84%] PASSED tests/commands/scan.py::ScanCommand::test_cmd_scan \ntests/commands/stub.py::StubCommand::test_cmd_stub \n[gw0] [ 85%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_two_instructions_from_location \ntests/commands/smart_eval.py::SmartEvalCommand::test_cmd_smart_eval \n[gw1] [ 85%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_nop_inactive \ntests/commands/theme.py::ThemeCommand::test_cmd_theme \n[gw3] [ 86%] PASSED tests/commands/skipi.py::SkipiCommand::test_cmd_skipi_skip_two_instructions \ntests/commands/trace_run.py::TraceRunCommand::test_cmd_trace_run \n[gw0] [ 86%] PASSED tests/commands/smart_eval.py::SmartEvalCommand::test_cmd_smart_eval \ntests/commands/vmmap.py::VmmapCommand::test_cmd_vmmap \n[gw1] [ 87%] PASSED tests/commands/theme.py::ThemeCommand::test_cmd_theme \ntests/commands/xfiles.py::XfilesCommand::test_cmd_xfiles \n[gw2] [ 88%] PASSED tests/commands/stub.py::StubCommand::test_cmd_stub \ntests/commands/version.py::VersionCommand::test_cmd_version \n[gw3] [ 88%] PASSED tests/commands/trace_run.py::TraceRunCommand::test_cmd_trace_run \ntests/commands/xinfo.py::XinfoCommand::test_cmd_xinfo \n[gw2] [ 89%] PASSED tests/commands/version.py::VersionCommand::test_cmd_version \ntests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_patch \n[gw0] [ 89%] PASSED tests/commands/vmmap.py::VmmapCommand::test_cmd_vmmap \ntests/commands/xinfo.py::XinfoCommandClass::test_cmd_xinfo_on_class \n[gw1] [ 90%] PASSED tests/commands/xfiles.py::XfilesCommand::test_cmd_xfiles \ntests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_display \n[gw3] [ 91%] PASSED tests/commands/xinfo.py::XinfoCommand::test_cmd_xinfo \ntests/config/__init__.py::TestGefConfigUnit::test_config_hook_validator \n[gw2] [ 91%] PASSED tests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_patch \ntests/config/__init__.py::TestGefConfigUnit::test_config_libc_version \n[gw0] [ 92%] PASSED tests/commands/xinfo.py::XinfoCommandClass::test_cmd_xinfo_on_class \ntests/config/__init__.py::TestGefConfigUnit::test_config_show_opcodes_size \n[gw1] [ 92%] PASSED tests/commands/xor_memory.py::XorMemoryCommand::test_cmd_xor_memory_display \ntests/config/__init__.py::TestGefConfigUnit::test_config_type_validator \n[gw3] [ 93%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_hook_validator \ntests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_base \n[gw2] [ 94%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_libc_version \ntests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_stack \n[gw1] [ 94%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_type_validator \ntests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_got \n[gw0] [ 95%] PASSED tests/config/__init__.py::TestGefConfigUnit::test_config_show_opcodes_size \ntests/functions/elf_sections.py::ElfSectionGdbFunctionBss::test_func_bss \n[gw3] [ 95%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_base \ntests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_heap \n[gw2] [ 96%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunction::test_func_stack \ntests/regressions/gdbserver_connection.py::RegressionGdbserverConnection::test_can_establish_connection_to_gdbserver_again_after_disconnect \n[gw1] [ 97%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_got \ntests/regressions/registers_register_order.py::RegressionRegisterOrder::test_registers_show_registers_in_correct_order \n[gw0] [ 97%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionBss::test_func_bss \ntests/regressions/registers_register_order.py::RegressionRegisterOrderNested::test_context_correct_registers_refresh_with_frames \n[gw3] [ 98%] PASSED tests/functions/elf_sections.py::ElfSectionGdbFunctionHeap::test_func_heap \n[gw1] [ 98%] PASSED tests/regressions/registers_register_order.py::RegressionRegisterOrder::test_registers_show_registers_in_correct_order \n[gw0] [ 99%] PASSED tests/regressions/registers_register_order.py::RegressionRegisterOrderNested::test_context_correct_registers_refresh_with_frames \n[gw2] [100%] PASSED tests/regressions/gdbserver_connection.py::RegressionGdbserverConnection::test_can_establish_connection_to_gdbserver_again_after_disconnect \n\n=================================== FAILURES ===================================\n/home/runner/.local/lib/python3.8/site-packages/pytest_benchmark/logger.py:46: PytestBenchmarkWarning: Benchmarks are automatically disabled because xdist plugin is active.Benchmarks cannot be performed reliably in a parallelized environment.\n warner(PytestBenchmarkWarning(text))\n____________ GefMemoryApi.test_api_gef_memory_parse_info_proc_maps _____________\n[gw2] linux -- Python 3.8.10 /usr/bin/python3.8\nself = \n\n def test_api_gef_memory_parse_info_proc_maps(self):\n gdb, gef, root = self._gdb, self._gef, self._conn.root\n gdb.execute(\"start\")\n \n Section = root.eval(\"Section\")\n \n> if self.gdb_version < (11, 0):\nE TypeError: '<' not supported between instances of 'list' and 'tuple'\n\ntests/api/gef_memory.py:71: TypeError\n----------------------------- Captured stdout call -----------------------------\nReading symbols from /tmp/default.out...\n\u001b[32mGEF\u001b[0m for linux ready, type `\u001b[4m\u001b[33mgef\u001b[24m\u001b[0m' to start, `\u001b[4m\u001b[35mgef config\u001b[24m\u001b[0m' to configure\n\u001b[1m\u001b[32m88\u001b[0m commands loaded and \u001b[1m\u001b[34m5\u001b[0m functions added for GDB \u001b[1m\u001b[33m10.2\u001b[0m in 0.00ms using Python engine \u001b[1m\u001b[31m3.8\u001b[0m\n[+] Breaking at '0x1169'\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 registers \u2500\u2500\u2500\u2500\n$rax : 0x0000555555555169 \u2192 endbr64 \n$rbx : 0x00005555555551c0 \u2192 <__libc_csu_init+0> endbr64 \n$rcx : 0x00005555555551c0 \u2192 <__libc_csu_init+0> endbr64 \n$rdx : 0x00007fffffffd758 \u2192 0x00007fffffffdcd0 \u2192 \"GITHUB_STATE=/home/runner/work/_temp/_runner_file_[...]\"\n$rsp : 0x00007fffffffd620 \u2192 0x00007ffff7fb62e8 \u2192 0x0000000000000000\n$rbp : 0x00007fffffffd650 \u2192 0x0000000000000000\n$rsi : 0x00007fffffffd748 \u2192 0x00007fffffffdcbf \u2192 \"/tmp/default.out\"\n$rdi : 0x1 \n$rip : 0x0000555555555180 \u2192 mov rax, QWORD PTR fs:0x28\n$r8 : 0x0 \n$r9 : 0x00007ffff7fe0d60 \u2192 <_dl_fini+0> endbr64 \n$r10 : 0x00007ffff7ffcf68 \u2192 0x000000006ffffff0\n$r11 : 0x202 \n$r12 : 0x0000555555555080 \u2192 <_start+0> endbr64 \n$r13 : 0x00007fffffffd740 \u2192 0x0000000000000001\n$r14 : 0x0 \n$r15 : 0x0 \n$eflags: [zero carry parity adjust sign trap INTERRUPT direction overflow resume virtualx86 identification]\n$cs: 0x33 $ss: 0x2b $ds: 0x00 $es: 0x00 $fs: 0x00 $gs: 0x00 \n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 stack \u2500\u2500\u2500\u2500\n0x00007fffffffd620\u2502+0x0000: 0x00007ffff7fb62e8 \u2192 0x0000000000000000\t \u2190 $rsp\n0x00007fffffffd628\u2502+0x0008: 0x00007fffffffd758 \u2192 0x00007fffffffdcd0 \u2192 \"GITHUB_STATE=/home/runner/work/_temp/_runner_file_[...]\"\n0x00007fffffffd630\u2502+0x0010: 0x00007fffffffd748 \u2192 0x00007fffffffdcbf \u2192 \"/tmp/default.out\"\n0x00007fffffffd638\u2502+0x0018: 0x0000000155555080\n0x00007fffffffd640\u2502+0x0020: 0x00007fffffffd740 \u2192 0x0000000000000001\n0x00007fffffffd648\u2502+0x0028: 0x0000000000000000\n0x00007fffffffd650\u2502+0x0030: 0x0000000000000000\t \u2190 $rbp\n0x00007fffffffd658\u2502+0x0038: 0x00007ffff7de9083 \u2192 <__libc_start_main+243> mov edi, eax\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 code:x86:64 \u2500\u2500\u2500\u2500\n 0x555555555175 mov DWORD PTR [rbp-0x14], edi\n 0x555555555178 mov QWORD PTR [rbp-0x20], rsi\n 0x55555555517c mov QWORD PTR [rbp-0x28], rdx\n \u2192 0x555555555180 mov rax, QWORD PTR fs:0x28\n 0x555555555189 mov QWORD PTR [rbp-0x8], rax\n 0x55555555518d xor eax, eax\n 0x55555555518f lea rdi, [rip+0xe6e] # 0x555555556004\n 0x555555555196 call 0x555555555060 \n 0x55555555519b mov eax, 0x0\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 source:default.c+13 \u2500\u2500\u2500\u2500\n 8\t #include \n 9\t #include \n 10\t \n 11\t \n 12\t int main(int argc, char** argv, char** envp)\n \u2192 13\t {\n 14\t printf(\"Hello World!\\n\");\n 15\t return EXIT_SUCCESS;\n 16\t }\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 threads \u2500\u2500\u2500\u2500\n[#0] Id 1, Name: \"default.out\", stopped 0x555555555180 in main (), reason: BREAKPOINT\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500 trace \u2500\u2500\u2500\u2500\n[#0] 0x555555555180 \u2192 main(argc=0x1, argv=0x7fffffffd748, envp=0x7fffffffd758)\n\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\u2500\n\n----------------------------- Captured stderr call -----------------------------\nError while writing index for `/tmp/default.out': mkstemp: No such file or directory.\nTERM environment variable not set.\nWARNING:REMOTEDEBUG/7965:keyboard interrupt!\n____ GefMemoryApi.test_api_gef_memory_parse_info_proc_maps_expected_format _____\n[gw2] linux -- Python 3.8.10 /usr/bin/python3.8\nself = \n\n def test_api_gef_memory_parse_info_proc_maps_expected_format(self):\n> if self.gdb_version < (11, 0):\nE TypeError: '<' not supported between instances of 'list' and 'tuple'\n\ntests/api/gef_memory.py:36: TypeError\n----------------------------- Captured stdout call -----------------------------\nReading symbols from /tmp/default.out...\n\u001b[32mGEF\u001b[0m for linux ready, type `\u001b[4m\u001b[33mgef\u001b[24m\u001b[0m' to start, `\u001b[4m\u001b[35mgef config\u001b[24m\u001b[0m' to configure\n\u001b[1m\u001b[32m88\u001b[0m commands loaded and \u001b[1m\u001b[34m5\u001b[0m functions added for GDB \u001b[1m\u001b[33m10.2\u001b[0m in 0.00ms using Python engine \u001b[1m\u001b[31m3.8\u001b[0m\n\n----------------------------- Captured stderr call -----------------------------\nError while writing index for `/tmp/default.out': mkstemp: No such file or directory.\nWARNING:REMOTEDEBUG/29939:keyboard interrupt!\n=========================== short test summary info ============================\nFAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps\nFAILED tests/api/gef_memory.py::GefMemoryApi::test_api_gef_memory_parse_info_proc_maps_expected_format\n============= 2 failed, 165 passed, 1 skipped in 60.83s (0:01:00) ==============\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/base.py b/tests/base.py\nindex 1537c53..3d0f3dc 100644\n--- a/tests/base.py\n+++ b/tests/base.py\n@@ -112,4 +112,4 @@ pi start_rpyc_service({self._port})\n def gdb_version(self) -> Tuple[int, int]:\n res = [int(d) for d in re.search(r\"(\\d+)\\D(\\d+)\", self._gdb.VERSION).groups()] \n assert len(res) >= 2\n- return res\n+ return tuple(res)\n", "difficulty": 2, "changed_files": ["tests/base.py"], "commit_link": "https://github.com/hugsy/gef/tree/76e35eca93562514943c5842cf2b0b8ec94a4763"} \ No newline at end of file diff --git a/data/python/7aa2f79.json b/data/python/7aa2f79.json new file mode 100644 index 0000000000000000000000000000000000000000..b9370bc96b1a62ce2eef0ed4e968459bb92cf3dc --- /dev/null +++ b/data/python/7aa2f79.json @@ -0,0 +1 @@ +{"language": "Python", "id": 51, "repo_owner": "django-haystack", "repo_name": "django-haystack", "head_branch": "drop-whoosh", "workflow_name": "Test", "workflow_filename": "test.yml", "workflow_path": ".github/workflows/test.yml", "contributor": "cclauss", "sha_fail": "7aa2f79b3b93769d4f12aaf05fe868f21be248ad", "sha_success": "4ff5abd5a7d873beab3697648a1eed5777d4f911", "workflow": "name: Test\n\non:\n push:\n branches: [master]\n pull_request:\n branches: [master]\n\njobs:\n ruff: # https://docs.astral.sh/ruff\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - run: pip install --user ruff\n - run: ruff --output-format=github\n\n test:\n runs-on: ubuntu-latest\n needs: ruff # Do not run the tests if linting fails.\n strategy:\n fail-fast: false\n matrix: # https://docs.djangoproject.com/en/5.0/faq/install/#what-python-version-can-i-use-with-django\n django-version: [\"3.2\", \"4.0\", \"4.1\", \"4.2\", \"5.0\"]\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n elastic-version: [\"7.17.9\"]\n exclude:\n - django-version: \"5.0\"\n python-version: \"3.8\"\n - django-version: \"5.0\"\n python-version: \"3.9\"\n services:\n elastic:\n image: elasticsearch:${{ matrix.elastic-version }}\n env:\n discovery.type: \"single-node\"\n options: >-\n --health-cmd \"curl http://localhost:9200/_cluster/health\"\n --health-interval 10s\n --health-timeout 5s\n --health-retries 10\n ports:\n - 9200:9200\n solr:\n image: solr:6\n ports:\n - 9001:8983\n steps:\n - uses: actions/checkout@v4\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v5\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install system dependencies\n run: sudo apt install --no-install-recommends -y gdal-bin\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip setuptools wheel\n pip install coverage requests tox tox-gh-actions\n pip install django==${{ matrix.django-version }} elasticsearch==${{ matrix.elastic-version }}\n python setup.py clean build install\n - name: Run test\n run: tox -v\n env:\n DJANGO: ${{ matrix.django-version }}\n", "logs": [{"step_name": "test (3.2, 3.8, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.40 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3330\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.25 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3379\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3391\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3400\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3408\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.71 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3434\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.97 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3463\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3487\npy: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=0d659436b244ecc2ebed773d0f9df63c0b059016bf82043609dc3ede7b2117fa,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3493\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nFound 352 test(s).\nCreating test database for alias 'default'...\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.565s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.01 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3498\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n py: FAIL code 1 (21.10=setup[15.07]+cmd[0.02,6.01] seconds)\n evaluation failed :( (21.38 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (3.2, 3.9, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.73 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3332\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.40 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3374\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3384\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3391\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3415\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.18 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.05 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3442\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.07 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3451\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3470\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=f9cd2bc3b39d35b981439e1decb4c8168e2f39d39eea1f11526182632eddaf8d,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3475\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.499s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (4.85 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3480\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3381\n py: FAIL code 1 (20.91=setup[16.04]+cmd[0.02,4.85] seconds)\n evaluation failed :( (21.03 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (3.2, 3.10, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.07 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3328\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.39 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3370\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3397\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3404\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3411\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.90 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3436\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.94 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3444\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3465\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=a8a11ecd39a72e410aa8031dde3482bad84707f30ea10ef0f138bcf354468254,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3471\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.542s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.07 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3476\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n py: FAIL code 1 (22.13=setup[16.04]+cmd[0.02,6.07] seconds)\n evaluation failed :( (22.34 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (3.2, 3.11, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.65 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3322\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.37 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3377\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3389\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3396\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3403\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.60 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3430\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.81 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3438\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3457\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=be2e872ad7ff07c727abbaad5b2da7730f429db8b6558ad1307d0d1d1a8385b2,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3462\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.557s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.43 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3467\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3386\n py: FAIL code 1 (21.54=setup[15.10]+cmd[0.02,6.43] seconds)\n evaluation failed :( (21.68 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (3.2, 3.12, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.58 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3309\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (2.43 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3357\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.55 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3367\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.55 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3374\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.32 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3381\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.3,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.96 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3406\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.23 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3431\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.34 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3453\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=5a270f8dedca277cfc9de959d44a7f0fd209e3e8c204a7f533096e375144b99a,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.3,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3458\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n----------------------------------------------------------------------\nRan 349 tests in 3.813s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.94 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3463\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3364\n py: FAIL code 1 (24.80=setup[18.84]+cmd[0.02,5.94] seconds)\n evaluation failed :( (24.87 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.0, 3.8, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.14 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3371\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.29 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3438\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3450\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3458\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3466\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.77 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3492\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.03 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3503\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3543\npy: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=1a3ff000f2f03b0c9c3b317faf2c11d0e8488a14d0f773c256be9343f95bc9d3,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3549\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nFound 352 test(s).\nCreating test database for alias 'default'...\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nName: bar\nName: foo\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.604s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\npy: exit 1 (5.82 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3554\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3446\n py: FAIL code 1 (21.84=setup[16.00]+cmd[0.02,5.82] seconds)\n evaluation failed :( (22.03 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.0, 3.9, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.59 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3329\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.42 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3371\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3381\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.51 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3388\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3412\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.92 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3440\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.07 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3449\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3469\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=8607d6784305c487458ab488d755991ffbee889df11565084f44b4bf7b6dc6c5,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3474\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.502s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.09 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3479\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3378\n py: FAIL code 1 (20.96=setup[15.85]+cmd[0.02,5.09] seconds)\n evaluation failed :( (21.08 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.0, 3.10, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.51 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3337\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.39 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3396\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3407\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3414\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3421\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.88 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3446\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.97 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3455\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3492\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=f17b6bc2a061be96a5c12f176cd25c21a697e2b4c8b2a798b490af5132534630,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3497\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.508s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (4.81 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3502\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3404\n py: FAIL code 1 (20.24=setup[15.41]+cmd[0.02,4.81] seconds)\n evaluation failed :( (20.35 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.0, 3.11, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.66 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3335\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.39 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3389\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3400\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.51 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3407\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3414\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.75 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3439\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.92 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3466\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3485\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=08fefa47e4bc555995999cc23b55c67238eba5238776b52fc13bf8c9dd8a266c,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3490\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.560s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.26 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3495\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3397\n py: FAIL code 1 (21.72=setup[15.44]+cmd[0.02,6.26] seconds)\n evaluation failed :( (21.88 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.0, 3.12, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (7.81 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3325\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (2.52 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3372\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.59 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3385\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.61 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3392\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.37 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3399\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.3,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.32 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (4.56 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3424\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.42 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3449\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.38 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3469\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=c5d11eb7e17d3299fa18ba7ecf505c33e7f4e9825dcad4d92435f4acc7350a70,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.3,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3474\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n----------------------------------------------------------------------\nRan 349 tests in 3.930s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (7.46 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3479\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n py: FAIL code 1 (28.64=setup[21.16]+cmd[0.02,7.46] seconds)\n evaluation failed :( (29.07 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.1, 3.8, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.96 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3303\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.23 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3369\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3381\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3389\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3398\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.32 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.72 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3424\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.89 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3449\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3475\npy: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=ce078e2dff63bb0f3d801058c7aef648002866d99c9919142c208cd8a71fbbc8,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3481\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.554s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.52 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3486\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3377\n py: FAIL code 1 (22.00=setup[16.46]+cmd[0.02,5.52] seconds)\n evaluation failed :( (22.28 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.1, 3.9, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.38 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3319\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.42 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3380\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3390\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3397\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3404\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.18 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.99 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3429\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.06 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3437\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3474\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=7ccc20320433e05d7ad0968e150483daee66dce55647297e0e6d18b501173b0a,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3479\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.526s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.32 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3484\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3387\n py: FAIL code 1 (23.01=setup[16.67]+cmd[0.02,6.32] seconds)\n evaluation failed :( (23.20 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.1, 3.10, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.54 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3296\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.37 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3355\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3365\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3372\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3379\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.39 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3404\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.99 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3431\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3451\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=39f52dc9e3eda501d684cd938a1df00fec83554879fa460f332b18e7fe70b47d,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3456\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.505s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: bar\nName: foo\npy: exit 1 (4.84 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3461\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3362\n py: FAIL code 1 (20.83=setup[15.98]+cmd[0.02,4.84] seconds)\n evaluation failed :( (20.94 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.1, 3.11, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (4.77 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3294\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.38 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3333\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3360\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3367\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.28 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3374\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.58 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3399\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.79 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3407\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3427\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=83abdcb6f7d0e14a2fa0e2a77b2eb5b701f5c29781b9f469c3ab6fe8efc06c7f,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3432\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.494s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (4.80 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3437\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3357\n py: FAIL code 1 (18.94=setup[14.13]+cmd[0.02,4.80] seconds)\n evaluation failed :( (19.01 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.1, 3.12, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.35 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3289\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (2.35 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3340\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.55 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3350\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.55 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3357\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.32 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3364\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.3,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.69 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3389\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.25 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3398\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.34 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3438\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=e0bd75a57804dc796d0d097e04cc05ec609d5507e77f0fd84a1db96f92b3d64a,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.3,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3443\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n----------------------------------------------------------------------\nRan 349 tests in 3.893s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.92 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3448\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3347\n py: FAIL code 1 (24.20=setup[18.26]+cmd[0.02,5.92] seconds)\n evaluation failed :( (24.27 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.2, 3.8, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.60 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3312\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.30 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3382\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3394\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3402\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3410\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.18 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.93 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3437\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.06 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3446\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.32 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3488\npy: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=df54bc56212963577624e7bb4468bf6a2aea8a9b5074e2163e393499f63995d8,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3494\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\nName: foo\nName: bar\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.525s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\npy: exit 1 (4.84 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3499\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3390\n py: FAIL code 1 (20.56=setup[15.70]+cmd[0.02,4.84] seconds)\n evaluation failed :( (20.68 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.2, 3.9, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.56 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3324\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.38 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3366\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3377\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3384\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3391\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.34 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.79 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3416\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.02 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3443\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3463\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==4.2.8,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=36fbd5af79e329adab522a239f7cf06212336742e067bf835e1859f6d05cddbe,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3468\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.534s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.87 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3473\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3374\n py: FAIL code 1 (21.42=setup[15.54]+cmd[0.02,5.87] seconds)\n evaluation failed :( (21.62 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.2, 3.10, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.06 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3320\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.44 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3362\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3372\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3379\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3388\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.08 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3430\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.07 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3439\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3458\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=d48383804d93ad68405ebc6f7567e7ce19999b18594957fd1ea36dd9e1ff5969,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3463\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.552s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (5.20 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3468\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3369\n py: FAIL code 1 (21.56=setup[16.34]+cmd[0.02,5.20] seconds)\n evaluation failed :( (21.67 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.2, 3.11, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (5.21 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3405\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.35 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3443\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3454\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3461\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.28 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3468\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.63 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3493\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.81 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3519\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3539\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=04d1b7bee3166b7a3fe406026d3e027a0e4786720ac1cb5daa4e8eb6f0d1a0b4,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3544\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.693s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.31 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3549\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3451\n py: FAIL code 1 (21.01=setup[14.68]+cmd[0.02,6.31] seconds)\n evaluation failed :( (21.19 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (4.2, 3.12, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.85 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3325\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (2.38 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3372\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.55 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3382\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.56 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3389\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3396\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.3,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.77 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3421\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.27 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3429\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.35 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3465\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=02f88576fba87da0185d45b0300f6f30756dcdb81b83bbd614fb8b95b09395f3,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.3,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3470\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n----------------------------------------------------------------------\nRan 349 tests in 3.835s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (7.23 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3475\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3379\n py: FAIL code 1 (26.18=setup[18.93]+cmd[0.02,7.23] seconds)\n evaluation failed :( (26.56 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (5.0, 3.10, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.37 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3332\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.36 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3375\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3385\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3392\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3399\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,tomli==2.0.1,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.60 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3440\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.95 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3449\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3469\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=c955e0debb251bdc44c490a4a490c019f8a0d1cd3e163aa4431f997383b35e49,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,typing_extensions==4.9.0,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3474\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.540s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.12 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3479\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3382\n py: FAIL code 1 (22.10=setup[15.96]+cmd[0.02,6.12] seconds)\n evaluation failed :( (22.26 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (5.0, 3.11, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (4.85 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3302\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.7.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.7/x64/bin/python, platform=linux, version='3.11.7 (main, Dec 5 2023, 08:47:01) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (1.35 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3358\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3368\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3375\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3382\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.2,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.29 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (2.43 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3407\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (2.79 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3415\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.30 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3450\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=cfbdf8b44767f76422efbf8a53b04c42547bbf57bb49c67b64d7495e19282678,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.2,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0,wheel==0.42.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3455\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'\n\n----------------------------------------------------------------------\nRan 352 tests in 3.488s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (4.84 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3460\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.11.7/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3365\n py: FAIL code 1 (18.92=setup[14.07]+cmd[0.02,4.84] seconds)\n evaluation failed :( (18.98 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test (5.0, 3.12, 7.17.9)/7_Run test.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests\npy: exit 0 (6.61 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install coverage geopy==2.0.0 'pysolr>=3.7.0' python-dateutil requests pid=3367\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.1.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.1/x64/bin/python, platform=linux, version='3.12.1 (main, Dec 8 2023, 05:40:51) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-haystack/django-haystack/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel\n.pkg: exit 0 (2.41 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'setuptools>=42' 'setuptools_scm[toml]>=3.4' wheel pid=3414\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\n.pkg: install_requires_for_build_sdist> python -I -m pip install setuptools_scm\n.pkg: exit 0 (0.56 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm pid=3425\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.01 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\n.pkg: install_requires_for_build_wheel> python -I -m pip install setuptools_scm wheel\n.pkg: exit 0 (0.56 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install setuptools_scm wheel pid=3432\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.33 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3439\n.pkg: packaging==23.2,pip==23.3.1,setuptools==69.0.3,setuptools-scm==8.0.4,typing_extensions==4.9.0,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\npy: install_package_deps> python -I -m pip install 'Django>=3.2' setuptools\npy: exit 0 (3.63 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install 'Django>=3.2' setuptools pid=3464\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz\npy: exit 0 (3.22 seconds) /home/runner/work/django-haystack/django-haystack> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1+gf5cc83b.tar.gz pid=3490\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.35 seconds) /home/runner/work/django-haystack/django-haystack> python -m pip freeze --all pid=3509\npy: asgiref==3.7.2,certifi==2023.11.17,charset-normalizer==3.3.2,coverage==7.4.0,Django==5.0,django-haystack @ file:///home/runner/work/django-haystack/django-haystack/.tox/.tmp/package/1/django-haystack-0.1.dev1%2Bgf5cc83b.tar.gz#sha256=d5ebf815451ae03922903aea5b6b90677604bd67d08fa5b1376443a087339c2f,geographiclib==1.52,geopy==2.0.0,idna==3.6,pip==23.3.1,pysolr==3.9.0,python-dateutil==2.8.2,requests==2.31.0,setuptools==69.0.3,six==1.16.0,sqlparse==0.4.4,urllib3==2.1.0\n##[group]tox: py\npy: commands[0]> python test_haystack/solr_tests/server/wait-for-solr\npy: exit 0 (0.02 seconds) /home/runner/work/django-haystack/django-haystack> python test_haystack/solr_tests/server/wait-for-solr pid=3514\npy: commands[1]> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py\nSkipping ElasticSearch 2 tests: 'elasticsearch>=2.0.0,<3.0.0' not installed.\nSkipping ElasticSearch 5 tests: 'elasticsearch>=5.0.0,<6.0.0' not installed.\nSkipping ElasticSearch 7 tests: 'elasticsearch>=7.0.0,<8.0.0' not installed.\nSkipping ElasticSearch 1 tests: 'elasticsearch>=1.0.0,<2.0.0' not installed.\nCreating test database for alias 'default'...\nFound 352 test(s).\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n\nSystem check identified 20 issues (0 silenced).\nsssssss...............ss..............s.....................................................................................................................................sSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nSystem check identified some issues:\n\nWARNINGS:\n?: (admin.W411) 'django.template.context_processors.request' must be enabled in DjangoTemplates (TEMPLATES) in order to use the admin navigation sidebar.\ncore.AFifthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AFourthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ASixthMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.AnotherMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ManyToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.MockTag: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyLeftSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.OneToManyRightSideModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ncore.ScoreMockModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ndiscovery.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nhierarchal_app_django.HierarchalAppSecondModel: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Bar: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nmultipleindex.Foo: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\nspatial.Checkin: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the AppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\ntest_app_using_appconfig.MicroBlogPost: (models.W042) Auto-created primary key used when not defining a primary key type, by default 'django.db.models.AutoField'.\n\tHINT: Configure the DEFAULT_AUTO_FIELD setting or the SimpleTestAppConfig.default_auto_field attribute to point to a subclass of AutoField, e.g. 'django.db.models.BigAutoField'.\n..s..................................Object could not be found in database for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\nModel could not be found for SearchResult ''.\n..Model 'core.afifthmockmodel' not handled by the routers.\nObject could not be found in database for SearchResult ''.\n...............................................................E.....................................E......................................\n======================================================================\nERROR: test_repr (test_haystack.test_query.SearchQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'SearchQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n======================================================================\nERROR: test_repr (test_haystack.test_query.ValuesQuerySetTestCase.test_repr)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"/home/runner/work/django-haystack/django-haystack/test_haystack/test_query.py\", line 445, in test_repr\n self.assertRegexp(\n ^^^^^^^^^^^^^^^^^\nAttributeError: 'ValuesQuerySetTestCase' object has no attribute 'assertRegexp'. Did you mean: 'assertRegex'?\n\n----------------------------------------------------------------------\nRan 349 tests in 3.851s\n\nFAILED (errors=2, skipped=12)\nDestroying test database for alias 'default'...\nName: foo\nName: bar\npy: exit 1 (6.44 seconds) /home/runner/work/django-haystack/django-haystack> coverage run /home/runner/work/django-haystack/django-haystack/test_haystack/run_tests.py pid=3519\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-haystack/django-haystack> python /opt/hostedtoolcache/Python/3.12.1/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=3422\n py: FAIL code 1 (25.01=setup[18.55]+cmd[0.02,6.44] seconds)\n evaluation failed :( (25.08 seconds)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/test_haystack/test_query.py b/test_haystack/test_query.py\nindex 210d7a6..7dd9b86 100644\n--- a/test_haystack/test_query.py\n+++ b/test_haystack/test_query.py\n@@ -442,7 +442,7 @@ class SearchQuerySetTestCase(TestCase):\n def test_repr(self):\n reset_search_queries()\n self.assertEqual(len(connections[\"default\"].queries), 0)\n- self.assertRegexp(\n+ self.assertRegex(\n repr(self.msqs),\n r\"^, using=None>$\",\n", "difficulty": 2, "changed_files": ["test_haystack/test_query.py"], "commit_link": "https://github.com/django-haystack/django-haystack/tree/7aa2f79b3b93769d4f12aaf05fe868f21be248ad"} \ No newline at end of file diff --git a/data/python/7e3720f.json b/data/python/7e3720f.json new file mode 100644 index 0000000000000000000000000000000000000000..a450bf4c8b524ca30edf129f26e6c257c173b0a2 --- /dev/null +++ b/data/python/7e3720f.json @@ -0,0 +1 @@ +{"language": "Python", "id": 34, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "master", "workflow_name": "check setup.py", "workflow_filename": "test_setup.yml", "workflow_path": ".github/workflows/test_setup.yml", "contributor": "jameschapman19", "sha_fail": "7e3720f246234572faf7ea093d228d995684f1c8", "sha_success": "b9d0ed9e3ee5fcaa5c41035f0af3dd1f169a1432", "workflow": "name: check setup.py\n\non:\n push:\n paths-ignore:\n - 'docs/**'\n pull_request:\n paths-ignore:\n - 'docs/**'\n workflow_dispatch:\n\njobs:\n test:\n name: Test setup.py\n runs-on: ubuntu-latest\n\n\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python 3.7\n uses: actions/setup-python@v4\n with:\n python-version: 3.7\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install .\n - name: basic tests of CLI\n run: |\n LIGHTLY_SERVER_LOCATION=\"localhost:-1\"\n lightly-crop --help\n lightly-train --help\n lightly-embed --help\n lightly-magic --help\n lightly-download --help\n lightly-version\n - name: test of CLI on a real dataset\n run: |\n LIGHTLY_SERVER_LOCATION=\"localhost:-1\"\n git clone https://github.com/alexeygrigorev/clothing-dataset-small clothing_dataset_small\n INPUT_DIR_1=\"clothing_dataset_small/test/dress\"\n lightly-train input_dir=$INPUT_DIR_1 trainer.max_epochs=1 loader.num_workers=6\n lightly-embed input_dir=$INPUT_DIR_1\n", "logs": [{"step_name": "Test setup.py/7_basic tests of CLI.txt", "log": "##[group]Run LIGHTLY_SERVER_LOCATION=\"localhost:-1\"\n\u001b[36;1mLIGHTLY_SERVER_LOCATION=\"localhost:-1\"\u001b[0m\n\u001b[36;1mlightly-crop --help\u001b[0m\n\u001b[36;1mlightly-train --help\u001b[0m\n\u001b[36;1mlightly-embed --help\u001b[0m\n\u001b[36;1mlightly-magic --help\u001b[0m\n\u001b[36;1mlightly-download --help\u001b[0m\n\u001b[36;1mlightly-version\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/bin/lightly-crop\", line 5, in \n from lightly.cli.crop_cli import entry\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/cli/__init__.py\", line 12, in \n from lightly.cli.lightly_cli import lightly_cli\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/cli/lightly_cli.py\", line 16, in \n from lightly.cli.train_cli import _train_cli\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/cli/train_cli.py\", line 31, in \n from lightly.loss import NTXentLoss\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/loss/__init__.py\", line 6, in \n from lightly.loss.dcl_loss import DCLLoss, DCLWLoss\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/loss/dcl_loss.py\", line 9, in \n from lightly.utils import dist\n File \"/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/site-packages/lightly/utils/dist.py\", line 1, in \n from typing import Any, Callable, Literal, Optional, Tuple, TypeVar, Union\nImportError: cannot import name 'Literal' from 'typing' (/opt/hostedtoolcache/Python/3.7.17/x64/lib/python3.7/typing.py)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/lightly/utils/dist.py b/lightly/utils/dist.py\nindex e56b43a3..7c8c7f77 100644\n--- a/lightly/utils/dist.py\n+++ b/lightly/utils/dist.py\n@@ -1,4 +1,4 @@\n-from typing import Any, Callable, Literal, Optional, Tuple, TypeVar, Union\n+from typing import Any, Callable, Optional, Tuple, TypeVar, Union\n \n import torch\n import torch.distributed as dist\n", "difficulty": 1, "changed_files": ["lightly/utils/dist.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/7e3720f246234572faf7ea093d228d995684f1c8"} \ No newline at end of file diff --git a/data/python/7f35134.json b/data/python/7f35134.json new file mode 100644 index 0000000000000000000000000000000000000000..733fa93dd98b92b2a4a483270dfd7438beba07fe --- /dev/null +++ b/data/python/7f35134.json @@ -0,0 +1 @@ +{"language": "Python", "id": 28, "repo_owner": "encode", "repo_name": "httpx", "head_branch": "add-ssl-context-argument", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "karpetrosyan", "sha_fail": "7f351340260c165e18ccd7c83dc783bb371b3797", "sha_success": "8d5983adaf778096bb95171dcafe858f6c6d51bb", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }}\"\n runs-on: \"ubuntu-latest\"\n\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v5\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n allow-prereleases: true\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n - name: \"Run tests\"\n run: \"scripts/test\"\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n", "logs": [{"step_name": "Python 3.8/8_Enforce coverage.txt", "log": "##[group]Run scripts/coverage\n\u001b[36;1mscripts/coverage\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n+ coverage report --show-missing --skip-covered --fail-under=100\nName Stmts Miss Cover Missing\n------------------------------------------------\nhttpx/_config.py 133 1 99% 139\n------------------------------------------------\nTOTAL 7570 1 99%\n\n58 files skipped due to complete coverage.\nCoverage failure: total of 99 is less than fail-under=100\n##[error]Process completed with exit code 2.\n"}, {"step_name": "Python 3.9/8_Enforce coverage.txt", "log": "##[group]Run scripts/coverage\n\u001b[36;1mscripts/coverage\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n+ coverage report --show-missing --skip-covered --fail-under=100\nName Stmts Miss Cover Missing\n------------------------------------------------\nhttpx/_config.py 133 1 99% 139\n------------------------------------------------\nTOTAL 7570 1 99%\n\n58 files skipped due to complete coverage.\nCoverage failure: total of 99 is less than fail-under=100\n##[error]Process completed with exit code 2.\n"}, {"step_name": "Python 3.10/8_Enforce coverage.txt", "log": "##[group]Run scripts/coverage\n\u001b[36;1mscripts/coverage\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n+ coverage report --show-missing --skip-covered --fail-under=100\nName Stmts Miss Cover Missing\n------------------------------------------------\nhttpx/_config.py 133 1 99% 139\n------------------------------------------------\nTOTAL 7577 1 99%\n\n58 files skipped due to complete coverage.\nCoverage failure: total of 99 is less than fail-under=100\n##[error]Process completed with exit code 2.\n"}, {"step_name": "Python 3.11/8_Enforce coverage.txt", "log": "##[group]Run scripts/coverage\n\u001b[36;1mscripts/coverage\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ coverage report --show-missing --skip-covered --fail-under=100\nName Stmts Miss Cover Missing\n------------------------------------------------\nhttpx/_config.py 133 1 99% 139\n------------------------------------------------\nTOTAL 7577 1 99%\n\n58 files skipped due to complete coverage.\nCoverage failure: total of 99 is less than fail-under=100\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/docs/advanced/ssl.md b/docs/advanced/ssl.md\nindex 1eec32f..2c3e679 100644\n--- a/docs/advanced/ssl.md\n+++ b/docs/advanced/ssl.md\n@@ -14,7 +14,7 @@ You can configure the verification using `httpx.SSLContext()`.\n ```pycon\n >>> ssl_context = httpx.SSLContext()\n >>> ssl_context\n-\n+SSLContext(verify=True)\n >>> httpx.get(\"https://www.example.com\", ssl_context=ssl_context)\n httpx.ConnectError: [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed: certificate has expired (_ssl.c:997)\n ```\n@@ -24,7 +24,7 @@ For example, you can use this to disable verification completely and allow insec\n ```pycon\n >>> no_verify = httpx.SSLContext(verify=False)\n >>> no_verify\n-\n+SSLContext(verify=False)\n >>> httpx.get(\"https://expired.badssl.com/\", ssl_context=no_verify)\n \n ```\ndiff --git a/httpx/_config.py b/httpx/_config.py\nindex 303388d..8cfeea7 100644\n--- a/httpx/_config.py\n+++ b/httpx/_config.py\n@@ -136,7 +136,9 @@ class SSLContext(ssl.SSLContext):\n )\n \n def __repr__(self) -> str:\n- return f\"\"\n+ class_name = self.__class__.__name__\n+\n+ return f\"{class_name}(verify={self.verify!r})\"\n \n def __new__(\n cls,\ndiff --git a/tests/test_config.py b/tests/test_config.py\nindex 530b150..b39efa8 100644\n--- a/tests/test_config.py\n+++ b/tests/test_config.py\n@@ -74,6 +74,16 @@ def test_SSLContext_with_get_request(server, cert_pem_file):\n assert response.status_code == 200\n \n \n+def test_SSLContext_repr():\n+ ssl_context = httpx.SSLContext()\n+\n+ assert repr(ssl_context) == \"SSLContext(verify=True)\"\n+\n+ ssl_context = httpx.SSLContext(verify=certifi.where())\n+\n+ assert repr(ssl_context) == \"SSLContext(verify='{}')\".format(certifi.where())\n+\n+\n def test_limits_repr():\n limits = httpx.Limits(max_connections=100)\n expected = (\n", "difficulty": 3, "changed_files": ["docs/advanced/ssl.md", "httpx/_config.py", "tests/test_config.py"], "commit_link": "https://github.com/encode/httpx/tree/7f351340260c165e18ccd7c83dc783bb371b3797"} \ No newline at end of file diff --git a/data/python/83b5e4b.json b/data/python/83b5e4b.json new file mode 100644 index 0000000000000000000000000000000000000000..0c429abd59c22a07c0f913eb500a8a82ee9c5a48 --- /dev/null +++ b/data/python/83b5e4b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 76, "repo_owner": "encode", "repo_name": "httpx", "head_branch": "network-options", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "encode", "sha_fail": "83b5e4bf130d204fbb25b26a341c62aee4fc2d0f", "sha_success": "913ea35324c99c2052331008ea8a4b8037e5b4cb", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }}\"\n runs-on: \"ubuntu-latest\"\n\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v5\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n allow-prereleases: true\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n - name: \"Run tests\"\n run: \"scripts/test\"\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n", "logs": [{"step_name": "Python 3.8/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files already formatted\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/_config.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nhttpx/_transports/default.py:26:1: I001 [*] Import block is un-sorted or un-formatted\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.9/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files already formatted\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/_config.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nhttpx/_transports/default.py:26:1: I001 [*] Import block is un-sorted or un-formatted\nFound 2 errors.\n[*] 2 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/httpx/_config.py b/httpx/_config.py\nindex 69c3c6f..1af8a45 100644\n--- a/httpx/_config.py\n+++ b/httpx/_config.py\n@@ -12,7 +12,6 @@ from ._types import CertTypes, HeaderTypes, TimeoutTypes, URLTypes, VerifyTypes\n from ._urls import URL\n from ._utils import get_ca_bundle_from_env\n \n-\n SOCKET_OPTION = typing.Union[\n typing.Tuple[int, int, int],\n typing.Tuple[int, int, typing.Union[bytes, bytearray]],\ndiff --git a/httpx/_transports/default.py b/httpx/_transports/default.py\nindex 7802026..0829b57 100644\n--- a/httpx/_transports/default.py\n+++ b/httpx/_transports/default.py\n@@ -32,9 +32,9 @@ import httpcore\n from .._config import (\n DEFAULT_LIMITS,\n DEFAULT_NETWORK_OPTIONS,\n- Proxy,\n Limits,\n NetworkOptions,\n+ Proxy,\n create_ssl_context,\n )\n from .._exceptions import (\n", "difficulty": 0, "changed_files": ["httpx/_config.py", "httpx/_transports/default.py"], "commit_link": "https://github.com/encode/httpx/tree/83b5e4bf130d204fbb25b26a341c62aee4fc2d0f"} \ No newline at end of file diff --git a/data/python/897a5de.json b/data/python/897a5de.json new file mode 100644 index 0000000000000000000000000000000000000000..30de4b37e308ad55cbda634d165f7896740325b8 --- /dev/null +++ b/data/python/897a5de.json @@ -0,0 +1 @@ +{"language": "Python", "id": 58, "repo_owner": "encode", "repo_name": "httpx", "head_branch": "add-ssl-context-argument", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "karpetrosyan", "sha_fail": "897a5deb406b53ea2f4675cdf0c2f1fa93fc6238", "sha_success": "88f2ab747c4630e1c8c4454974e4a6e29757e55a", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }}\"\n runs-on: \"ubuntu-latest\"\n\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v4\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n allow-prereleases: true\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n - name: \"Run tests\"\n run: \"scripts/test\"\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n", "logs": [{"step_name": "Python 3.8/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.9/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.10/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\n+ ruff format httpx tests --diff\nVERSION: 0.26.0\n60 files left unchanged\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.11/5_Run linting checks.txt", "log": "##[group]Run scripts/check\n\u001b[36;1mscripts/check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ ./scripts/sync-version\nCHANGELOG_VERSION: 0.26.0\nVERSION: 0.26.0\n+ ruff format httpx tests --diff\n60 files left unchanged\n+ mypy httpx tests\nSuccess: no issues found in 60 source files\n+ ruff check httpx tests\nhttpx/__init__.py:1:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/httpx/__init__.py b/httpx/__init__.py\nindex bfb1867..23b9f31 100644\n--- a/httpx/__init__.py\n+++ b/httpx/__init__.py\n@@ -2,7 +2,7 @@ from .__version__ import __description__, __title__, __version__\n from ._api import delete, get, head, options, patch, post, put, request, stream\n from ._auth import Auth, BasicAuth, DigestAuth, NetRCAuth\n from ._client import USE_CLIENT_DEFAULT, AsyncClient, Client\n-from ._config import Limits, Proxy, Timeout, SSLContext\n+from ._config import Limits, Proxy, SSLContext, Timeout\n from ._content import ByteStream\n from ._exceptions import (\n CloseError,\n", "difficulty": 0, "changed_files": ["httpx/__init__.py"], "commit_link": "https://github.com/encode/httpx/tree/897a5deb406b53ea2f4675cdf0c2f1fa93fc6238"} \ No newline at end of file diff --git a/data/python/903a05c.json b/data/python/903a05c.json new file mode 100644 index 0000000000000000000000000000000000000000..cd25b9925d54d6c25672f17fca5383f8de3a4263 --- /dev/null +++ b/data/python/903a05c.json @@ -0,0 +1 @@ +{"language": "Python", "id": 41, "repo_owner": "robusta-dev", "repo_name": "robusta", "head_branch": "openshift-issues-fix", "workflow_name": "Test robusta-cli installation package", "workflow_filename": "test_installation.yaml", "workflow_path": ".github/workflows/test_installation.yaml", "contributor": "robusta-dev", "sha_fail": "903a05c3ab95316477dd9d322b29e29b14f12ce9", "sha_success": "c9f76aa196df9bfe403a2ae1d70d1390e3147fad", "workflow": "name: Test robusta-cli installation package\n\non: [push, pull_request]\n\njobs:\n build_package:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v2\n - name: Set up Python\n uses: actions/setup-python@v2\n with:\n python-version: 3.9\n - name: Build and install package\n run: |\n curl -sSL https://install.python-poetry.org | python3 -\n poetry build\n pip3 install ./dist/robusta_cli-0.0.0-py3-none-any.whl\n - name: Upload robusta package artifact\n uses: actions/upload-artifact@v2\n with:\n name: robusta-pkg\n path: dist/robusta_cli-0.0.0-py3-none-any.whl\n\n\n # we use a totally separate job for testing the package because we want an environment which is free of all the\n # dependencies that poetry itself requires\n test_package:\n needs: build_package\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n python-version: [ \"3.8\", \"3.9\", \"3.10\" ]\n\n steps:\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v2\n with:\n python-version: ${{ matrix.python-version }}\n - name: Download robusta-pkg\n uses: actions/download-artifact@v2\n with:\n name: robusta-pkg\n - name: Install and test robusta cli\n run: |\n ls\n pip3 install robusta_cli-0.0.0-py3-none-any.whl\n robusta version\n", "logs": [{"step_name": "test_package (3.8)/4_Install and test robusta cli.txt", "log": "##[group]Run ls\n\u001b[36;1mls\u001b[0m\n\u001b[36;1mpip3 install robusta_cli-0.0.0-py3-none-any.whl\u001b[0m\n\u001b[36;1mrobusta version\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nrobusta_cli-0.0.0-py3-none-any.whl\nProcessing ./robusta_cli-0.0.0-py3-none-any.whl\nCollecting PyJWT==2.4.0 (from robusta-cli==0.0.0)\n Downloading PyJWT-2.4.0-py3-none-any.whl (18 kB)\nCollecting apprise<2.0.0,>=1.5.0 (from robusta-cli==0.0.0)\n Downloading apprise-1.6.0-py3-none-any.whl.metadata (42 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 42.1/42.1 kB 2.4 MB/s eta 0:00:00\nCollecting attrs<24.0.0,>=23.1.0 (from robusta-cli==0.0.0)\n Downloading attrs-23.1.0-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.2/61.2 kB 9.1 MB/s eta 0:00:00\nCollecting bitmath<2.0.0.0,>=1.3.3.1 (from robusta-cli==0.0.0)\n Downloading bitmath-1.3.3.1.tar.gz (88 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 88.5/88.5 kB 19.7 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting click-spinner<0.2.0,>=0.1.10 (from robusta-cli==0.0.0)\n Downloading click_spinner-0.1.10-py2.py3-none-any.whl (4.0 kB)\nCollecting colorlog<6.0.0,>=5.0.1 (from robusta-cli==0.0.0)\n Downloading colorlog-5.0.1-py2.py3-none-any.whl (10 kB)\nCollecting croniter<2.0.0,>=1.3.15 (from robusta-cli==0.0.0)\n Downloading croniter-1.4.1-py2.py3-none-any.whl.metadata (24 kB)\nCollecting cryptography<37.0.0,>=36.0.0 (from robusta-cli==0.0.0)\n Downloading cryptography-36.0.2-cp36-abi3-manylinux_2_24_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 112.0 MB/s eta 0:00:00\nCollecting docutils<0.18.0,>=0.17.0 (from robusta-cli==0.0.0)\n Downloading docutils-0.17.1-py2.py3-none-any.whl (575 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 575.5/575.5 kB 83.2 MB/s eta 0:00:00\nCollecting dpath<3.0.0,>=2.0.5 (from robusta-cli==0.0.0)\n Downloading dpath-2.1.6-py3-none-any.whl.metadata (15 kB)\nCollecting fpdf2<3.0.0,>=2.7.1 (from robusta-cli==0.0.0)\n Downloading fpdf2-2.7.7-py2.py3-none-any.whl.metadata (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 18.1 MB/s eta 0:00:00\nCollecting hikaru-model-26<2.0.0,>=1.1.1 (from robusta-cli==0.0.0)\n Downloading hikaru_model_26-1.1.1-py3-none-any.whl.metadata (4.5 kB)\nCollecting kubernetes<27.0.0,>=26.1.0 (from robusta-cli==0.0.0)\n Downloading kubernetes-26.1.0-py2.py3-none-any.whl (1.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.4/1.4 MB 102.7 MB/s eta 0:00:00\nCollecting markdown2<3.0.0,>=2.4.2 (from robusta-cli==0.0.0)\n Downloading markdown2-2.4.12-py2.py3-none-any.whl.metadata (2.0 kB)\nCollecting opsgenie-sdk<3.0.0,>=2.1.5 (from robusta-cli==0.0.0)\n Downloading opsgenie_sdk-2.1.5-py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.8/247.8 kB 59.8 MB/s eta 0:00:00\nCollecting prometheus-client<0.13.0,>=0.12.0 (from robusta-cli==0.0.0)\n Downloading prometheus_client-0.12.0-py2.py3-none-any.whl (57 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 57.2/57.2 kB 19.1 MB/s eta 0:00:00\nCollecting prometrix==0.1.15 (from robusta-cli==0.0.0)\n Downloading prometrix-0.1.15-py3-none-any.whl.metadata (5.6 kB)\nCollecting pydantic<2.0.0,>=1.8.1 (from robusta-cli==0.0.0)\n Downloading pydantic-1.10.13-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (149 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 149.6/149.6 kB 41.1 MB/s eta 0:00:00\nCollecting pymsteams<0.2.0,>=0.1.16 (from robusta-cli==0.0.0)\n Downloading pymsteams-0.1.16.tar.gz (7.6 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytz<2022.0,>=2021.3 (from robusta-cli==0.0.0)\n Downloading pytz-2021.3-py2.py3-none-any.whl (503 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 503.5/503.5 kB 76.5 MB/s eta 0:00:00\nCollecting pyyaml<7.0,>=6.0 (from robusta-cli==0.0.0)\n Downloading PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting rocketchat-api<2.0.0,>=1.30.0 (from robusta-cli==0.0.0)\n Downloading rocketchat_API-1.31.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting slack-sdk<4.0.0,>=3.7.0 (from robusta-cli==0.0.0)\n Downloading slack_sdk-3.26.1-py2.py3-none-any.whl.metadata (15 kB)\nCollecting toml<0.11.0,>=0.10.2 (from robusta-cli==0.0.0)\n Downloading toml-0.10.2-py2.py3-none-any.whl (16 kB)\nCollecting typer<0.5.0,>=0.4.1 (from robusta-cli==0.0.0)\n Downloading typer-0.4.2-py3-none-any.whl (27 kB)\nCollecting watchgod<0.8,>=0.7 (from robusta-cli==0.0.0)\n Downloading watchgod-0.7-py3-none-any.whl (11 kB)\nCollecting webexteamssdk<2.0.0,>=1.6.1 (from robusta-cli==0.0.0)\n Downloading webexteamssdk-1.6.1-py3-none-any.whl (113 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 113.5/113.5 kB 34.4 MB/s eta 0:00:00\nCollecting websocket-client==1.3.3 (from robusta-cli==0.0.0)\n Downloading websocket_client-1.3.3-py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.3/54.3 kB 18.4 MB/s eta 0:00:00\nCollecting boto3<2.0.0,>=1.28.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading boto3-1.34.7-py3-none-any.whl.metadata (6.6 kB)\nCollecting botocore<2.0.0,>=1.31.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading botocore-1.34.7-py3-none-any.whl.metadata (5.6 kB)\nCollecting prometheus-api-client<0.6.0,>=0.5.3 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading prometheus_api_client-0.5.4-py3-none-any.whl.metadata (11 kB)\nCollecting certifi (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting requests (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting requests-oauthlib (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests_oauthlib-1.3.1-py2.py3-none-any.whl (23 kB)\nCollecting click>=5.0 (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting markdown (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading Markdown-3.5.1-py3-none-any.whl.metadata (7.1 kB)\nCollecting python-dateutil (from croniter<2.0.0,>=1.3.15->robusta-cli==0.0.0)\n Downloading python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.7/247.7 kB 60.0 MB/s eta 0:00:00\nCollecting cffi>=1.12 (from cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting defusedxml (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading defusedxml-0.7.1-py2.py3-none-any.whl (25 kB)\nCollecting Pillow!=9.2.*,>=6.2.2 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading Pillow-10.1.0-cp38-cp38-manylinux_2_28_x86_64.whl.metadata (9.5 kB)\nCollecting fonttools>=4.34.0 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading fonttools-4.47.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (157 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 157.2/157.2 kB 42.4 MB/s eta 0:00:00\nCollecting hikaru-core>=1.1.0 (from hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading hikaru_core-1.1.1-py3-none-any.whl.metadata (16 kB)\nCollecting six>=1.9.0 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading six-1.16.0-py2.py3-none-any.whl (11 kB)\nRequirement already satisfied: setuptools>=21.0.0 in /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0) (56.0.0)\nCollecting google-auth>=1.0.1 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading google_auth-2.25.2-py2.py3-none-any.whl.metadata (4.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting tenacity>=5.0.4 (from opsgenie-sdk<3.0.0,>=2.1.5->robusta-cli==0.0.0)\n Downloading tenacity-8.2.3-py3-none-any.whl.metadata (1.0 kB)\nCollecting typing-extensions>=4.2.0 (from pydantic<2.0.0,>=1.8.1->robusta-cli==0.0.0)\n Downloading typing_extensions-4.9.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting packaging (from rocketchat-api<2.0.0,>=1.30.0->robusta-cli==0.0.0)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting future (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading future-0.18.3.tar.gz (840 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 840.9/840.9 kB 92.7 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting requests-toolbelt (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 19.3 MB/s eta 0:00:00\nCollecting jmespath<2.0.0,>=0.7.1 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading jmespath-1.0.1-py3-none-any.whl (20 kB)\nCollecting s3transfer<0.11.0,>=0.10.0 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading s3transfer-0.10.0-py3-none-any.whl.metadata (1.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-1.26.18-py2.py3-none-any.whl.metadata (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.9/48.9 kB 15.6 MB/s eta 0:00:00\nCollecting pycparser (from cffi>=1.12->cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 37.2 MB/s eta 0:00:00\nCollecting cachetools<6.0,>=2.0.0 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting pyasn1-modules>=0.2.1 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1_modules-0.3.0-py2.py3-none-any.whl (181 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 181.3/181.3 kB 49.4 MB/s eta 0:00:00\nCollecting rsa<5,>=3.1.4 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading rsa-4.9-py3-none-any.whl (34 kB)\nCollecting ruamel.yaml>=0.16.12 (from hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml-0.18.5-py3-none-any.whl.metadata (23 kB)\nCollecting dateparser (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading dateparser-1.2.0-py2.py3-none-any.whl.metadata (28 kB)\nCollecting pandas>=1.4.0 (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pandas-2.0.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (18 kB)\nCollecting numpy (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading numpy-1.24.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.6 kB)\nCollecting matplotlib (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading matplotlib-3.7.4-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl.metadata (5.7 kB)\nCollecting httmock (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading httmock-1.4.0-py3-none-any.whl (4.8 kB)\nCollecting charset-normalizer<4,>=2 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting idna<4,>=2.5 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading idna-3.6-py3-none-any.whl.metadata (9.9 kB)\nCollecting importlib-metadata>=4.4 (from markdown->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading importlib_metadata-7.0.1-py3-none-any.whl.metadata (4.9 kB)\nCollecting oauthlib>=3.0.0 (from requests-oauthlib->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading oauthlib-3.2.2-py3-none-any.whl (151 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 151.7/151.7 kB 44.1 MB/s eta 0:00:00\nCollecting zipp>=0.5 (from importlib-metadata>=4.4->markdown->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting tzdata>=2022.1 (from pandas>=1.4.0->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzdata-2023.3-py2.py3-none-any.whl (341 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 341.8/341.8 kB 68.7 MB/s eta 0:00:00\nCollecting pyasn1<0.6.0,>=0.4.6 (from pyasn1-modules>=0.2.1->google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1-0.5.1-py2.py3-none-any.whl.metadata (8.6 kB)\nCollecting ruamel.yaml.clib>=0.2.7 (from ruamel.yaml>=0.16.12->hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml.clib-0.2.8-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl.metadata (2.2 kB)\nCollecting regex!=2019.02.19,!=2021.8.27 (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading regex-2023.12.25-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (40 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 40.9/40.9 kB 12.5 MB/s eta 0:00:00\nCollecting tzlocal (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzlocal-5.2-py3-none-any.whl.metadata (7.8 kB)\nCollecting contourpy>=1.0.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading contourpy-1.1.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.9 kB)\nCollecting cycler>=0.10 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading cycler-0.12.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting kiwisolver>=1.0.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading kiwisolver-1.4.5-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl.metadata (6.4 kB)\nCollecting pyparsing>=2.3.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pyparsing-3.1.1-py3-none-any.whl.metadata (5.1 kB)\nCollecting importlib-resources>=3.2.0 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading importlib_resources-6.1.1-py3-none-any.whl.metadata (4.1 kB)\nCollecting backports.zoneinfo (from tzlocal->dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading backports.zoneinfo-0.2.1-cp38-cp38-manylinux1_x86_64.whl (74 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 74.0/74.0 kB 25.6 MB/s eta 0:00:00\nDownloading prometrix-0.1.15-py3-none-any.whl (12 kB)\nDownloading apprise-1.6.0-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 75.6 MB/s eta 0:00:00\nDownloading croniter-1.4.1-py2.py3-none-any.whl (19 kB)\nDownloading dpath-2.1.6-py3-none-any.whl (17 kB)\nDownloading fpdf2-2.7.7-py2.py3-none-any.whl (193 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 193.5/193.5 kB 52.7 MB/s eta 0:00:00\nDownloading hikaru_model_26-1.1.1-py3-none-any.whl (532 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 532.7/532.7 kB 82.5 MB/s eta 0:00:00\nDownloading markdown2-2.4.12-py2.py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.2/41.2 kB 12.9 MB/s eta 0:00:00\nDownloading pydantic-1.10.13-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.2/3.2 MB 109.9 MB/s eta 0:00:00\nDownloading PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (736 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 736.6/736.6 kB 89.1 MB/s eta 0:00:00\nDownloading rocketchat_API-1.31.0-py3-none-any.whl (21 kB)\nDownloading slack_sdk-3.26.1-py2.py3-none-any.whl (284 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 284.1/284.1 kB 62.8 MB/s eta 0:00:00\nDownloading boto3-1.34.7-py3-none-any.whl (139 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 139.3/139.3 kB 42.9 MB/s eta 0:00:00\nDownloading botocore-1.34.7-py3-none-any.whl (11.9 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 11.9/11.9 MB 115.8 MB/s eta 0:00:00\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 43.7 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (444 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 444.7/444.7 kB 78.4 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 33.5 MB/s eta 0:00:00\nDownloading fonttools-4.47.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (4.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.7/4.7 MB 116.8 MB/s eta 0:00:00\nDownloading google_auth-2.25.2-py2.py3-none-any.whl (184 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 184.2/184.2 kB 48.6 MB/s eta 0:00:00\nDownloading hikaru_core-1.1.1-py3-none-any.whl (83 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 83.7/83.7 kB 28.3 MB/s eta 0:00:00\nDownloading Pillow-10.1.0-cp38-cp38-manylinux_2_28_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 114.4 MB/s eta 0:00:00\nDownloading prometheus_api_client-0.5.4-py3-none-any.whl (28 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 22.9 MB/s eta 0:00:00\nDownloading tenacity-8.2.3-py3-none-any.whl (24 kB)\nDownloading typing_extensions-4.9.0-py3-none-any.whl (32 kB)\nDownloading urllib3-1.26.18-py2.py3-none-any.whl (143 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 143.8/143.8 kB 43.8 MB/s eta 0:00:00\nDownloading Markdown-3.5.1-py3-none-any.whl (102 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 102.2/102.2 kB 31.2 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 19.1 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (141 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 141.1/141.1 kB 41.4 MB/s eta 0:00:00\nDownloading idna-3.6-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.6/61.6 kB 16.8 MB/s eta 0:00:00\nDownloading importlib_metadata-7.0.1-py3-none-any.whl (23 kB)\nDownloading pandas-2.0.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (12.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 12.4/12.4 MB 69.4 MB/s eta 0:00:00\nDownloading numpy-1.24.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (17.3 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 17.3/17.3 MB 100.3 MB/s eta 0:00:00\nDownloading ruamel.yaml-0.18.5-py3-none-any.whl (116 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 116.4/116.4 kB 37.0 MB/s eta 0:00:00\nDownloading s3transfer-0.10.0-py3-none-any.whl (82 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 82.1/82.1 kB 17.5 MB/s eta 0:00:00\nDownloading dateparser-1.2.0-py2.py3-none-any.whl (294 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 295.0/295.0 kB 60.2 MB/s eta 0:00:00\nDownloading matplotlib-3.7.4-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl (9.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 9.2/9.2 MB 118.8 MB/s eta 0:00:00\nDownloading contourpy-1.1.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (301 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 301.1/301.1 kB 53.8 MB/s eta 0:00:00\nDownloading cycler-0.12.1-py3-none-any.whl (8.3 kB)\nDownloading importlib_resources-6.1.1-py3-none-any.whl (33 kB)\nDownloading kiwisolver-1.4.5-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 94.4 MB/s eta 0:00:00\nDownloading pyasn1-0.5.1-py2.py3-none-any.whl (84 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 84.9/84.9 kB 28.6 MB/s eta 0:00:00\nDownloading pyparsing-3.1.1-py3-none-any.whl (103 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 103.1/103.1 kB 30.5 MB/s eta 0:00:00\nDownloading regex-2023.12.25-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (777 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 777.0/777.0 kB 87.1 MB/s eta 0:00:00\nDownloading ruamel.yaml.clib-0.2.8-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.whl (596 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 596.0/596.0 kB 87.6 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading tzlocal-5.2-py3-none-any.whl (17 kB)\nBuilding wheels for collected packages: bitmath, pymsteams, future\n Building wheel for bitmath (pyproject.toml): started\n Building wheel for bitmath (pyproject.toml): finished with status 'done'\n Created wheel for bitmath: filename=bitmath-1.3.3.1-py3-none-any.whl size=23976 sha256=1e077ad5e81e2ac012abe5fd4a3b74958489c7abc0c34e2e59892e6b960adde2\n Stored in directory: /home/runner/.cache/pip/wheels/f8/27/45/1bb5ccf30e6547dd54f876ec625f11ce36e1b81f921f2881e4\n Building wheel for pymsteams (pyproject.toml): started\n Building wheel for pymsteams (pyproject.toml): finished with status 'done'\n Created wheel for pymsteams: filename=pymsteams-0.1.16-py3-none-any.whl size=5825 sha256=91f1ca1b0db5458b4d6f9e36ea1610ad2eb5902f5a683e6103786c5c60c0eb52\n Stored in directory: /home/runner/.cache/pip/wheels/47/3e/40/f2388a851a589833a6407c86a300468a74c33cc7f607b078b2\n Building wheel for future (pyproject.toml): started\n Building wheel for future (pyproject.toml): finished with status 'done'\n Created wheel for future: filename=future-0.18.3-py3-none-any.whl size=492024 sha256=9e57c9c695652d4528a3469219c16f6ba027b4b05c5aba55ed248621a543d312\n Stored in directory: /home/runner/.cache/pip/wheels/a0/0b/ee/e6994fadb42c1354dcccb139b0bf2795271bddfe6253ccdf11\nSuccessfully built bitmath pymsteams future\nInstalling collected packages: pytz, colorlog, click-spinner, bitmath, zipp, websocket-client, watchgod, urllib3, tzdata, typing-extensions, toml, tenacity, slack-sdk, six, ruamel.yaml.clib, regex, pyyaml, pyparsing, PyJWT, pycparser, pyasn1, prometheus-client, Pillow, packaging, oauthlib, numpy, markdown2, kiwisolver, jmespath, idna, future, fonttools, dpath, docutils, defusedxml, cycler, click, charset-normalizer, certifi, cachetools, backports.zoneinfo, attrs, tzlocal, typer, ruamel.yaml, rsa, requests, python-dateutil, pydantic, pyasn1-modules, importlib-resources, importlib-metadata, fpdf2, contourpy, cffi, rocketchat-api, requests-toolbelt, requests-oauthlib, pymsteams, pandas, opsgenie-sdk, matplotlib, markdown, httmock, google-auth, dateparser, cryptography, croniter, botocore, webexteamssdk, s3transfer, prometheus-api-client, kubernetes, apprise, hikaru-core, boto3, prometrix, hikaru-model-26, robusta-cli\nSuccessfully installed Pillow-10.1.0 PyJWT-2.4.0 apprise-1.6.0 attrs-23.1.0 backports.zoneinfo-0.2.1 bitmath-1.3.3.1 boto3-1.34.7 botocore-1.34.7 cachetools-5.3.2 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 click-spinner-0.1.10 colorlog-5.0.1 contourpy-1.1.1 croniter-1.4.1 cryptography-36.0.2 cycler-0.12.1 dateparser-1.2.0 defusedxml-0.7.1 docutils-0.17.1 dpath-2.1.6 fonttools-4.47.0 fpdf2-2.7.7 future-0.18.3 google-auth-2.25.2 hikaru-core-1.1.1 hikaru-model-26-1.1.1 httmock-1.4.0 idna-3.6 importlib-metadata-7.0.1 importlib-resources-6.1.1 jmespath-1.0.1 kiwisolver-1.4.5 kubernetes-26.1.0 markdown-3.5.1 markdown2-2.4.12 matplotlib-3.7.4 numpy-1.24.4 oauthlib-3.2.2 opsgenie-sdk-2.1.5 packaging-23.2 pandas-2.0.3 prometheus-api-client-0.5.4 prometheus-client-0.12.0 prometrix-0.1.15 pyasn1-0.5.1 pyasn1-modules-0.3.0 pycparser-2.21 pydantic-1.10.13 pymsteams-0.1.16 pyparsing-3.1.1 python-dateutil-2.8.2 pytz-2021.3 pyyaml-6.0.1 regex-2023.12.25 requests-2.31.0 requests-oauthlib-1.3.1 requests-toolbelt-1.0.0 robusta-cli-0.0.0 rocketchat-api-1.31.0 rsa-4.9 ruamel.yaml-0.18.5 ruamel.yaml.clib-0.2.8 s3transfer-0.10.0 six-1.16.0 slack-sdk-3.26.1 tenacity-8.2.3 toml-0.10.2 typer-0.4.2 typing-extensions-4.9.0 tzdata-2023.3 tzlocal-5.2 urllib3-1.26.18 watchgod-0.7 webexteamssdk-1.6.1 websocket-client-1.3.3 zipp-3.17.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\nWARNING:root:Running without kube-config! e=Invalid kube-config file. No configuration found.\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/bin/robusta\", line 5, in \n from robusta.cli.main import app\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/robusta/cli/main.py\", line 32, in \n from robusta.core.sinks.robusta.robusta_sink_params import RobustaSinkConfigWrapper, RobustaSinkParams\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/robusta/core/sinks/robusta/__init__.py\", line 1, in \n from robusta.core.sinks.robusta.robusta_sink import RobustaSink\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/robusta/core/sinks/robusta/robusta_sink.py\", line 29, in \n from robusta.core.sinks.robusta.prometheus_health_checker import PrometheusHealthChecker\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/robusta/core/sinks/robusta/prometheus_health_checker.py\", line 16, in \n from robusta.utils.silence_utils import BaseSilenceParams, get_alertmanager_silences_connection\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/robusta/utils/silence_utils.py\", line 14, in \n from src.robusta.integrations import openshift\nModuleNotFoundError: No module named 'src'\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test_package (3.9)/4_Install and test robusta cli.txt", "log": "##[group]Run ls\n\u001b[36;1mls\u001b[0m\n\u001b[36;1mpip3 install robusta_cli-0.0.0-py3-none-any.whl\u001b[0m\n\u001b[36;1mrobusta version\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nrobusta_cli-0.0.0-py3-none-any.whl\nProcessing ./robusta_cli-0.0.0-py3-none-any.whl\nCollecting PyJWT==2.4.0 (from robusta-cli==0.0.0)\n Downloading PyJWT-2.4.0-py3-none-any.whl (18 kB)\nCollecting apprise<2.0.0,>=1.5.0 (from robusta-cli==0.0.0)\n Downloading apprise-1.6.0-py3-none-any.whl.metadata (42 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 42.1/42.1 kB 3.0 MB/s eta 0:00:00\nCollecting attrs<24.0.0,>=23.1.0 (from robusta-cli==0.0.0)\n Downloading attrs-23.1.0-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.2/61.2 kB 11.3 MB/s eta 0:00:00\nCollecting bitmath<2.0.0.0,>=1.3.3.1 (from robusta-cli==0.0.0)\n Downloading bitmath-1.3.3.1.tar.gz (88 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 88.5/88.5 kB 19.6 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting click-spinner<0.2.0,>=0.1.10 (from robusta-cli==0.0.0)\n Downloading click_spinner-0.1.10-py2.py3-none-any.whl (4.0 kB)\nCollecting colorlog<6.0.0,>=5.0.1 (from robusta-cli==0.0.0)\n Downloading colorlog-5.0.1-py2.py3-none-any.whl (10 kB)\nCollecting croniter<2.0.0,>=1.3.15 (from robusta-cli==0.0.0)\n Downloading croniter-1.4.1-py2.py3-none-any.whl.metadata (24 kB)\nCollecting cryptography<37.0.0,>=36.0.0 (from robusta-cli==0.0.0)\n Downloading cryptography-36.0.2-cp36-abi3-manylinux_2_24_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 73.5 MB/s eta 0:00:00\nCollecting docutils<0.18.0,>=0.17.0 (from robusta-cli==0.0.0)\n Downloading docutils-0.17.1-py2.py3-none-any.whl (575 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 575.5/575.5 kB 81.3 MB/s eta 0:00:00\nCollecting dpath<3.0.0,>=2.0.5 (from robusta-cli==0.0.0)\n Downloading dpath-2.1.6-py3-none-any.whl.metadata (15 kB)\nCollecting fpdf2<3.0.0,>=2.7.1 (from robusta-cli==0.0.0)\n Downloading fpdf2-2.7.7-py2.py3-none-any.whl.metadata (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 14.4 MB/s eta 0:00:00\nCollecting hikaru-model-26<2.0.0,>=1.1.1 (from robusta-cli==0.0.0)\n Downloading hikaru_model_26-1.1.1-py3-none-any.whl.metadata (4.5 kB)\nCollecting kubernetes<27.0.0,>=26.1.0 (from robusta-cli==0.0.0)\n Downloading kubernetes-26.1.0-py2.py3-none-any.whl (1.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.4/1.4 MB 99.6 MB/s eta 0:00:00\nCollecting markdown2<3.0.0,>=2.4.2 (from robusta-cli==0.0.0)\n Downloading markdown2-2.4.12-py2.py3-none-any.whl.metadata (2.0 kB)\nCollecting opsgenie-sdk<3.0.0,>=2.1.5 (from robusta-cli==0.0.0)\n Downloading opsgenie_sdk-2.1.5-py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.8/247.8 kB 56.1 MB/s eta 0:00:00\nCollecting prometheus-client<0.13.0,>=0.12.0 (from robusta-cli==0.0.0)\n Downloading prometheus_client-0.12.0-py2.py3-none-any.whl (57 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 57.2/57.2 kB 18.0 MB/s eta 0:00:00\nCollecting prometrix==0.1.15 (from robusta-cli==0.0.0)\n Downloading prometrix-0.1.15-py3-none-any.whl.metadata (5.6 kB)\nCollecting pydantic<2.0.0,>=1.8.1 (from robusta-cli==0.0.0)\n Downloading pydantic-1.10.13-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (149 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 149.6/149.6 kB 37.8 MB/s eta 0:00:00\nCollecting pymsteams<0.2.0,>=0.1.16 (from robusta-cli==0.0.0)\n Downloading pymsteams-0.1.16.tar.gz (7.6 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytz<2022.0,>=2021.3 (from robusta-cli==0.0.0)\n Downloading pytz-2021.3-py2.py3-none-any.whl (503 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 503.5/503.5 kB 73.0 MB/s eta 0:00:00\nCollecting pyyaml<7.0,>=6.0 (from robusta-cli==0.0.0)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting rocketchat-api<2.0.0,>=1.30.0 (from robusta-cli==0.0.0)\n Downloading rocketchat_API-1.31.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting slack-sdk<4.0.0,>=3.7.0 (from robusta-cli==0.0.0)\n Downloading slack_sdk-3.26.1-py2.py3-none-any.whl.metadata (15 kB)\nCollecting toml<0.11.0,>=0.10.2 (from robusta-cli==0.0.0)\n Downloading toml-0.10.2-py2.py3-none-any.whl (16 kB)\nCollecting typer<0.5.0,>=0.4.1 (from robusta-cli==0.0.0)\n Downloading typer-0.4.2-py3-none-any.whl (27 kB)\nCollecting watchgod<0.8,>=0.7 (from robusta-cli==0.0.0)\n Downloading watchgod-0.7-py3-none-any.whl (11 kB)\nCollecting webexteamssdk<2.0.0,>=1.6.1 (from robusta-cli==0.0.0)\n Downloading webexteamssdk-1.6.1-py3-none-any.whl (113 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 113.5/113.5 kB 28.1 MB/s eta 0:00:00\nCollecting websocket-client==1.3.3 (from robusta-cli==0.0.0)\n Downloading websocket_client-1.3.3-py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.3/54.3 kB 14.9 MB/s eta 0:00:00\nCollecting boto3<2.0.0,>=1.28.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading boto3-1.34.7-py3-none-any.whl.metadata (6.6 kB)\nCollecting botocore<2.0.0,>=1.31.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading botocore-1.34.7-py3-none-any.whl.metadata (5.6 kB)\nCollecting prometheus-api-client<0.6.0,>=0.5.3 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading prometheus_api_client-0.5.4-py3-none-any.whl.metadata (11 kB)\nCollecting certifi (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting requests (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting requests-oauthlib (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests_oauthlib-1.3.1-py2.py3-none-any.whl (23 kB)\nCollecting click>=5.0 (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting markdown (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading Markdown-3.5.1-py3-none-any.whl.metadata (7.1 kB)\nCollecting python-dateutil (from croniter<2.0.0,>=1.3.15->robusta-cli==0.0.0)\n Downloading python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.7/247.7 kB 56.1 MB/s eta 0:00:00\nCollecting cffi>=1.12 (from cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting defusedxml (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading defusedxml-0.7.1-py2.py3-none-any.whl (25 kB)\nCollecting Pillow!=9.2.*,>=6.2.2 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading Pillow-10.1.0-cp39-cp39-manylinux_2_28_x86_64.whl.metadata (9.5 kB)\nCollecting fonttools>=4.34.0 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading fonttools-4.47.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (157 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 157.2/157.2 kB 39.9 MB/s eta 0:00:00\nCollecting hikaru-core>=1.1.0 (from hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading hikaru_core-1.1.1-py3-none-any.whl.metadata (16 kB)\nCollecting six>=1.9.0 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading six-1.16.0-py2.py3-none-any.whl (11 kB)\nRequirement already satisfied: setuptools>=21.0.0 in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0) (58.1.0)\nCollecting google-auth>=1.0.1 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading google_auth-2.25.2-py2.py3-none-any.whl.metadata (4.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting tenacity>=5.0.4 (from opsgenie-sdk<3.0.0,>=2.1.5->robusta-cli==0.0.0)\n Downloading tenacity-8.2.3-py3-none-any.whl.metadata (1.0 kB)\nCollecting typing-extensions>=4.2.0 (from pydantic<2.0.0,>=1.8.1->robusta-cli==0.0.0)\n Downloading typing_extensions-4.9.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting packaging (from rocketchat-api<2.0.0,>=1.30.0->robusta-cli==0.0.0)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting future (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading future-0.18.3.tar.gz (840 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 840.9/840.9 kB 88.1 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting requests-toolbelt (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 16.5 MB/s eta 0:00:00\nCollecting jmespath<2.0.0,>=0.7.1 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading jmespath-1.0.1-py3-none-any.whl (20 kB)\nCollecting s3transfer<0.11.0,>=0.10.0 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading s3transfer-0.10.0-py3-none-any.whl.metadata (1.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-1.26.18-py2.py3-none-any.whl.metadata (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.9/48.9 kB 13.4 MB/s eta 0:00:00\nCollecting pycparser (from cffi>=1.12->cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 33.1 MB/s eta 0:00:00\nCollecting cachetools<6.0,>=2.0.0 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting pyasn1-modules>=0.2.1 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1_modules-0.3.0-py2.py3-none-any.whl (181 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 181.3/181.3 kB 45.4 MB/s eta 0:00:00\nCollecting rsa<5,>=3.1.4 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading rsa-4.9-py3-none-any.whl (34 kB)\nCollecting ruamel.yaml>=0.16.12 (from hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml-0.18.5-py3-none-any.whl.metadata (23 kB)\nCollecting dateparser (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading dateparser-1.2.0-py2.py3-none-any.whl.metadata (28 kB)\nCollecting pandas>=1.4.0 (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pandas-2.1.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (18 kB)\nCollecting numpy (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading numpy-1.26.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.2/61.2 kB 16.3 MB/s eta 0:00:00\nCollecting matplotlib (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading matplotlib-3.8.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.8 kB)\nCollecting httmock (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading httmock-1.4.0-py3-none-any.whl (4.8 kB)\nCollecting charset-normalizer<4,>=2 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting idna<4,>=2.5 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading idna-3.6-py3-none-any.whl.metadata (9.9 kB)\nCollecting importlib-metadata>=4.4 (from markdown->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading importlib_metadata-7.0.1-py3-none-any.whl.metadata (4.9 kB)\nCollecting oauthlib>=3.0.0 (from requests-oauthlib->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading oauthlib-3.2.2-py3-none-any.whl (151 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 151.7/151.7 kB 42.4 MB/s eta 0:00:00\nCollecting zipp>=0.5 (from importlib-metadata>=4.4->markdown->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting tzdata>=2022.1 (from pandas>=1.4.0->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzdata-2023.3-py2.py3-none-any.whl (341 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 341.8/341.8 kB 59.7 MB/s eta 0:00:00\nCollecting pyasn1<0.6.0,>=0.4.6 (from pyasn1-modules>=0.2.1->google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1-0.5.1-py2.py3-none-any.whl.metadata (8.6 kB)\nCollecting ruamel.yaml.clib>=0.2.7 (from ruamel.yaml>=0.16.12->hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml.clib-0.2.8-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl.metadata (2.2 kB)\nCollecting regex!=2019.02.19,!=2021.8.27 (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading regex-2023.12.25-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (40 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 40.9/40.9 kB 12.4 MB/s eta 0:00:00\nCollecting tzlocal (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzlocal-5.2-py3-none-any.whl.metadata (7.8 kB)\nCollecting contourpy>=1.0.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading contourpy-1.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.8 kB)\nCollecting cycler>=0.10 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading cycler-0.12.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting kiwisolver>=1.3.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading kiwisolver-1.4.5-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl.metadata (6.4 kB)\nCollecting pyparsing>=2.3.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pyparsing-3.1.1-py3-none-any.whl.metadata (5.1 kB)\nCollecting importlib-resources>=3.2.0 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading importlib_resources-6.1.1-py3-none-any.whl.metadata (4.1 kB)\nDownloading prometrix-0.1.15-py3-none-any.whl (12 kB)\nDownloading apprise-1.6.0-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 91.6 MB/s eta 0:00:00\nDownloading croniter-1.4.1-py2.py3-none-any.whl (19 kB)\nDownloading dpath-2.1.6-py3-none-any.whl (17 kB)\nDownloading fpdf2-2.7.7-py2.py3-none-any.whl (193 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 193.5/193.5 kB 40.8 MB/s eta 0:00:00\nDownloading hikaru_model_26-1.1.1-py3-none-any.whl (532 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 532.7/532.7 kB 79.7 MB/s eta 0:00:00\nDownloading markdown2-2.4.12-py2.py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.2/41.2 kB 12.2 MB/s eta 0:00:00\nDownloading pydantic-1.10.13-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.2/3.2 MB 107.2 MB/s eta 0:00:00\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 85.0 MB/s eta 0:00:00\nDownloading rocketchat_API-1.31.0-py3-none-any.whl (21 kB)\nDownloading slack_sdk-3.26.1-py2.py3-none-any.whl (284 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 284.1/284.1 kB 42.6 MB/s eta 0:00:00\nDownloading boto3-1.34.7-py3-none-any.whl (139 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 139.3/139.3 kB 36.7 MB/s eta 0:00:00\nDownloading botocore-1.34.7-py3-none-any.whl (11.9 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 11.9/11.9 MB 108.2 MB/s eta 0:00:00\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 39.7 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.4/443.4 kB 76.7 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 27.6 MB/s eta 0:00:00\nDownloading fonttools-4.47.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (4.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.6/4.6 MB 113.4 MB/s eta 0:00:00\nDownloading google_auth-2.25.2-py2.py3-none-any.whl (184 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 184.2/184.2 kB 46.7 MB/s eta 0:00:00\nDownloading hikaru_core-1.1.1-py3-none-any.whl (83 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 83.7/83.7 kB 24.6 MB/s eta 0:00:00\nDownloading Pillow-10.1.0-cp39-cp39-manylinux_2_28_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 106.7 MB/s eta 0:00:00\nDownloading prometheus_api_client-0.5.4-py3-none-any.whl (28 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 18.9 MB/s eta 0:00:00\nDownloading tenacity-8.2.3-py3-none-any.whl (24 kB)\nDownloading typing_extensions-4.9.0-py3-none-any.whl (32 kB)\nDownloading urllib3-1.26.18-py2.py3-none-any.whl (143 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 143.8/143.8 kB 35.1 MB/s eta 0:00:00\nDownloading Markdown-3.5.1-py3-none-any.whl (102 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 102.2/102.2 kB 30.3 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 7.2 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.3/142.3 kB 39.2 MB/s eta 0:00:00\nDownloading idna-3.6-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.6/61.6 kB 19.2 MB/s eta 0:00:00\nDownloading importlib_metadata-7.0.1-py3-none-any.whl (23 kB)\nDownloading pandas-2.1.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (12.3 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 12.3/12.3 MB 111.9 MB/s eta 0:00:00\nDownloading numpy-1.26.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (18.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 18.2/18.2 MB 94.1 MB/s eta 0:00:00\nDownloading ruamel.yaml-0.18.5-py3-none-any.whl (116 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 116.4/116.4 kB 30.3 MB/s eta 0:00:00\nDownloading s3transfer-0.10.0-py3-none-any.whl (82 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 82.1/82.1 kB 24.7 MB/s eta 0:00:00\nDownloading dateparser-1.2.0-py2.py3-none-any.whl (294 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 295.0/295.0 kB 50.3 MB/s eta 0:00:00\nDownloading matplotlib-3.8.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (11.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 11.6/11.6 MB 111.2 MB/s eta 0:00:00\nDownloading contourpy-1.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (310 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 311.0/311.0 kB 54.9 MB/s eta 0:00:00\nDownloading cycler-0.12.1-py3-none-any.whl (8.3 kB)\nDownloading importlib_resources-6.1.1-py3-none-any.whl (33 kB)\nDownloading kiwisolver-1.4.5-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 98.8 MB/s eta 0:00:00\nDownloading pyasn1-0.5.1-py2.py3-none-any.whl (84 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 84.9/84.9 kB 20.0 MB/s eta 0:00:00\nDownloading pyparsing-3.1.1-py3-none-any.whl (103 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 103.1/103.1 kB 30.4 MB/s eta 0:00:00\nDownloading regex-2023.12.25-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (773 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 773.4/773.4 kB 88.6 MB/s eta 0:00:00\nDownloading ruamel.yaml.clib-0.2.8-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.whl (562 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 562.1/562.1 kB 79.1 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading tzlocal-5.2-py3-none-any.whl (17 kB)\nBuilding wheels for collected packages: bitmath, pymsteams, future\n Building wheel for bitmath (pyproject.toml): started\n Building wheel for bitmath (pyproject.toml): finished with status 'done'\n Created wheel for bitmath: filename=bitmath-1.3.3.1-py3-none-any.whl size=23976 sha256=1e077ad5e81e2ac012abe5fd4a3b74958489c7abc0c34e2e59892e6b960adde2\n Stored in directory: /home/runner/.cache/pip/wheels/c9/2d/5b/4f3727858abec7de285dd8f95cdb53f68e9ddcb36ccf92bcf2\n Building wheel for pymsteams (pyproject.toml): started\n Building wheel for pymsteams (pyproject.toml): finished with status 'done'\n Created wheel for pymsteams: filename=pymsteams-0.1.16-py3-none-any.whl size=5825 sha256=91f1ca1b0db5458b4d6f9e36ea1610ad2eb5902f5a683e6103786c5c60c0eb52\n Stored in directory: /home/runner/.cache/pip/wheels/22/75/70/cedcbab94b9a30583d2589b1a20920ea82ba1cb1ea45b91677\n Building wheel for future (pyproject.toml): started\n Building wheel for future (pyproject.toml): finished with status 'done'\n Created wheel for future: filename=future-0.18.3-py3-none-any.whl size=492024 sha256=3aa5893722f55aa39e66dd585a5473d2075db4679502b9ca7220882cb023527f\n Stored in directory: /home/runner/.cache/pip/wheels/bf/5d/6a/2e53874f7ec4e2bede522385439531fafec8fafe005b5c3d1b\nSuccessfully built bitmath pymsteams future\nInstalling collected packages: pytz, colorlog, click-spinner, bitmath, zipp, websocket-client, watchgod, urllib3, tzlocal, tzdata, typing-extensions, toml, tenacity, slack-sdk, six, ruamel.yaml.clib, regex, pyyaml, pyparsing, PyJWT, pycparser, pyasn1, prometheus-client, Pillow, packaging, oauthlib, numpy, markdown2, kiwisolver, jmespath, idna, future, fonttools, dpath, docutils, defusedxml, cycler, click, charset-normalizer, certifi, cachetools, attrs, typer, ruamel.yaml, rsa, requests, python-dateutil, pydantic, pyasn1-modules, importlib-resources, importlib-metadata, fpdf2, contourpy, cffi, rocketchat-api, requests-toolbelt, requests-oauthlib, pymsteams, pandas, opsgenie-sdk, matplotlib, markdown, httmock, google-auth, dateparser, cryptography, croniter, botocore, webexteamssdk, s3transfer, prometheus-api-client, kubernetes, apprise, hikaru-core, boto3, prometrix, hikaru-model-26, robusta-cli\nSuccessfully installed Pillow-10.1.0 PyJWT-2.4.0 apprise-1.6.0 attrs-23.1.0 bitmath-1.3.3.1 boto3-1.34.7 botocore-1.34.7 cachetools-5.3.2 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 click-spinner-0.1.10 colorlog-5.0.1 contourpy-1.2.0 croniter-1.4.1 cryptography-36.0.2 cycler-0.12.1 dateparser-1.2.0 defusedxml-0.7.1 docutils-0.17.1 dpath-2.1.6 fonttools-4.47.0 fpdf2-2.7.7 future-0.18.3 google-auth-2.25.2 hikaru-core-1.1.1 hikaru-model-26-1.1.1 httmock-1.4.0 idna-3.6 importlib-metadata-7.0.1 importlib-resources-6.1.1 jmespath-1.0.1 kiwisolver-1.4.5 kubernetes-26.1.0 markdown-3.5.1 markdown2-2.4.12 matplotlib-3.8.2 numpy-1.26.2 oauthlib-3.2.2 opsgenie-sdk-2.1.5 packaging-23.2 pandas-2.1.4 prometheus-api-client-0.5.4 prometheus-client-0.12.0 prometrix-0.1.15 pyasn1-0.5.1 pyasn1-modules-0.3.0 pycparser-2.21 pydantic-1.10.13 pymsteams-0.1.16 pyparsing-3.1.1 python-dateutil-2.8.2 pytz-2021.3 pyyaml-6.0.1 regex-2023.12.25 requests-2.31.0 requests-oauthlib-1.3.1 requests-toolbelt-1.0.0 robusta-cli-0.0.0 rocketchat-api-1.31.0 rsa-4.9 ruamel.yaml-0.18.5 ruamel.yaml.clib-0.2.8 s3transfer-0.10.0 six-1.16.0 slack-sdk-3.26.1 tenacity-8.2.3 toml-0.10.2 typer-0.4.2 typing-extensions-4.9.0 tzdata-2023.3 tzlocal-5.2 urllib3-1.26.18 watchgod-0.7 webexteamssdk-1.6.1 websocket-client-1.3.3 zipp-3.17.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\nWARNING:root:Running without kube-config! e=Invalid kube-config file. No configuration found.\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/bin/robusta\", line 5, in \n from robusta.cli.main import app\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/robusta/cli/main.py\", line 32, in \n from robusta.core.sinks.robusta.robusta_sink_params import RobustaSinkConfigWrapper, RobustaSinkParams\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/robusta/core/sinks/robusta/__init__.py\", line 1, in \n from robusta.core.sinks.robusta.robusta_sink import RobustaSink\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/robusta/core/sinks/robusta/robusta_sink.py\", line 29, in \n from robusta.core.sinks.robusta.prometheus_health_checker import PrometheusHealthChecker\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/robusta/core/sinks/robusta/prometheus_health_checker.py\", line 16, in \n from robusta.utils.silence_utils import BaseSilenceParams, get_alertmanager_silences_connection\n File \"/opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/robusta/utils/silence_utils.py\", line 14, in \n from src.robusta.integrations import openshift\nModuleNotFoundError: No module named 'src'\n##[error]Process completed with exit code 1.\n"}, {"step_name": "test_package (3.10)/4_Install and test robusta cli.txt", "log": "##[group]Run ls\n\u001b[36;1mls\u001b[0m\n\u001b[36;1mpip3 install robusta_cli-0.0.0-py3-none-any.whl\u001b[0m\n\u001b[36;1mrobusta version\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\nrobusta_cli-0.0.0-py3-none-any.whl\nProcessing ./robusta_cli-0.0.0-py3-none-any.whl\nCollecting PyJWT==2.4.0 (from robusta-cli==0.0.0)\n Downloading PyJWT-2.4.0-py3-none-any.whl (18 kB)\nCollecting apprise<2.0.0,>=1.5.0 (from robusta-cli==0.0.0)\n Downloading apprise-1.6.0-py3-none-any.whl.metadata (42 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 42.1/42.1 kB 3.1 MB/s eta 0:00:00\nCollecting attrs<24.0.0,>=23.1.0 (from robusta-cli==0.0.0)\n Downloading attrs-23.1.0-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.2/61.2 kB 6.6 MB/s eta 0:00:00\nCollecting bitmath<2.0.0.0,>=1.3.3.1 (from robusta-cli==0.0.0)\n Downloading bitmath-1.3.3.1.tar.gz (88 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 88.5/88.5 kB 6.7 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting click-spinner<0.2.0,>=0.1.10 (from robusta-cli==0.0.0)\n Downloading click_spinner-0.1.10-py2.py3-none-any.whl (4.0 kB)\nCollecting colorlog<6.0.0,>=5.0.1 (from robusta-cli==0.0.0)\n Downloading colorlog-5.0.1-py2.py3-none-any.whl (10 kB)\nCollecting croniter<2.0.0,>=1.3.15 (from robusta-cli==0.0.0)\n Downloading croniter-1.4.1-py2.py3-none-any.whl.metadata (24 kB)\nCollecting cryptography<37.0.0,>=36.0.0 (from robusta-cli==0.0.0)\n Downloading cryptography-36.0.2-cp36-abi3-manylinux_2_24_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 16.7 MB/s eta 0:00:00\nCollecting docutils<0.18.0,>=0.17.0 (from robusta-cli==0.0.0)\n Downloading docutils-0.17.1-py2.py3-none-any.whl (575 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 575.5/575.5 kB 28.1 MB/s eta 0:00:00\nCollecting dpath<3.0.0,>=2.0.5 (from robusta-cli==0.0.0)\n Downloading dpath-2.1.6-py3-none-any.whl.metadata (15 kB)\nCollecting fpdf2<3.0.0,>=2.7.1 (from robusta-cli==0.0.0)\n Downloading fpdf2-2.7.7-py2.py3-none-any.whl.metadata (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 16.6 MB/s eta 0:00:00\nCollecting hikaru-model-26<2.0.0,>=1.1.1 (from robusta-cli==0.0.0)\n Downloading hikaru_model_26-1.1.1-py3-none-any.whl.metadata (4.5 kB)\nCollecting kubernetes<27.0.0,>=26.1.0 (from robusta-cli==0.0.0)\n Downloading kubernetes-26.1.0-py2.py3-none-any.whl (1.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.4/1.4 MB 32.8 MB/s eta 0:00:00\nCollecting markdown2<3.0.0,>=2.4.2 (from robusta-cli==0.0.0)\n Downloading markdown2-2.4.12-py2.py3-none-any.whl.metadata (2.0 kB)\nCollecting opsgenie-sdk<3.0.0,>=2.1.5 (from robusta-cli==0.0.0)\n Downloading opsgenie_sdk-2.1.5-py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.8/247.8 kB 41.2 MB/s eta 0:00:00\nCollecting prometheus-client<0.13.0,>=0.12.0 (from robusta-cli==0.0.0)\n Downloading prometheus_client-0.12.0-py2.py3-none-any.whl (57 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 57.2/57.2 kB 15.6 MB/s eta 0:00:00\nCollecting prometrix==0.1.15 (from robusta-cli==0.0.0)\n Downloading prometrix-0.1.15-py3-none-any.whl.metadata (5.6 kB)\nCollecting pydantic<2.0.0,>=1.8.1 (from robusta-cli==0.0.0)\n Downloading pydantic-1.10.13-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (149 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 149.6/149.6 kB 37.6 MB/s eta 0:00:00\nCollecting pymsteams<0.2.0,>=0.1.16 (from robusta-cli==0.0.0)\n Downloading pymsteams-0.1.16.tar.gz (7.6 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytz<2022.0,>=2021.3 (from robusta-cli==0.0.0)\n Downloading pytz-2021.3-py2.py3-none-any.whl (503 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 503.5/503.5 kB 34.9 MB/s eta 0:00:00\nCollecting pyyaml<7.0,>=6.0 (from robusta-cli==0.0.0)\n Downloading PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting rocketchat-api<2.0.0,>=1.30.0 (from robusta-cli==0.0.0)\n Downloading rocketchat_API-1.31.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting slack-sdk<4.0.0,>=3.7.0 (from robusta-cli==0.0.0)\n Downloading slack_sdk-3.26.1-py2.py3-none-any.whl.metadata (15 kB)\nCollecting toml<0.11.0,>=0.10.2 (from robusta-cli==0.0.0)\n Downloading toml-0.10.2-py2.py3-none-any.whl (16 kB)\nCollecting typer<0.5.0,>=0.4.1 (from robusta-cli==0.0.0)\n Downloading typer-0.4.2-py3-none-any.whl (27 kB)\nCollecting watchgod<0.8,>=0.7 (from robusta-cli==0.0.0)\n Downloading watchgod-0.7-py3-none-any.whl (11 kB)\nCollecting webexteamssdk<2.0.0,>=1.6.1 (from robusta-cli==0.0.0)\n Downloading webexteamssdk-1.6.1-py3-none-any.whl (113 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 113.5/113.5 kB 27.5 MB/s eta 0:00:00\nCollecting websocket-client==1.3.3 (from robusta-cli==0.0.0)\n Downloading websocket_client-1.3.3-py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.3/54.3 kB 16.8 MB/s eta 0:00:00\nCollecting boto3<2.0.0,>=1.28.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading boto3-1.34.7-py3-none-any.whl.metadata (6.6 kB)\nCollecting botocore<2.0.0,>=1.31.15 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading botocore-1.34.7-py3-none-any.whl.metadata (5.6 kB)\nCollecting prometheus-api-client<0.6.0,>=0.5.3 (from prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading prometheus_api_client-0.5.4-py3-none-any.whl.metadata (11 kB)\nCollecting certifi (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting requests (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting requests-oauthlib (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading requests_oauthlib-1.3.1-py2.py3-none-any.whl (23 kB)\nCollecting click>=5.0 (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting markdown (from apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading Markdown-3.5.1-py3-none-any.whl.metadata (7.1 kB)\nCollecting python-dateutil (from croniter<2.0.0,>=1.3.15->robusta-cli==0.0.0)\n Downloading python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 247.7/247.7 kB 44.9 MB/s eta 0:00:00\nCollecting cffi>=1.12 (from cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting defusedxml (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading defusedxml-0.7.1-py2.py3-none-any.whl (25 kB)\nCollecting Pillow!=9.2.*,>=6.2.2 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading Pillow-10.1.0-cp310-cp310-manylinux_2_28_x86_64.whl.metadata (9.5 kB)\nCollecting fonttools>=4.34.0 (from fpdf2<3.0.0,>=2.7.1->robusta-cli==0.0.0)\n Downloading fonttools-4.47.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (157 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 157.2/157.2 kB 36.2 MB/s eta 0:00:00\nCollecting hikaru-core>=1.1.0 (from hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading hikaru_core-1.1.1-py3-none-any.whl.metadata (16 kB)\nCollecting six>=1.9.0 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading six-1.16.0-py2.py3-none-any.whl (11 kB)\nRequirement already satisfied: setuptools>=21.0.0 in /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0) (65.5.0)\nCollecting google-auth>=1.0.1 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading google_auth-2.25.2-py2.py3-none-any.whl.metadata (4.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting tenacity>=5.0.4 (from opsgenie-sdk<3.0.0,>=2.1.5->robusta-cli==0.0.0)\n Downloading tenacity-8.2.3-py3-none-any.whl.metadata (1.0 kB)\nCollecting typing-extensions>=4.2.0 (from pydantic<2.0.0,>=1.8.1->robusta-cli==0.0.0)\n Downloading typing_extensions-4.9.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting packaging (from rocketchat-api<2.0.0,>=1.30.0->robusta-cli==0.0.0)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting future (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading future-0.18.3.tar.gz (840 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 840.9/840.9 kB 38.5 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting requests-toolbelt (from webexteamssdk<2.0.0,>=1.6.1->robusta-cli==0.0.0)\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 15.7 MB/s eta 0:00:00\nCollecting jmespath<2.0.0,>=0.7.1 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading jmespath-1.0.1-py3-none-any.whl (20 kB)\nCollecting s3transfer<0.11.0,>=0.10.0 (from boto3<2.0.0,>=1.28.15->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading s3transfer-0.10.0-py3-none-any.whl.metadata (1.7 kB)\nCollecting urllib3>=1.24.2 (from kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading urllib3-2.0.7-py3-none-any.whl.metadata (6.6 kB)\nCollecting pycparser (from cffi>=1.12->cryptography<37.0.0,>=36.0.0->robusta-cli==0.0.0)\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 33.8 MB/s eta 0:00:00\nCollecting cachetools<6.0,>=2.0.0 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting pyasn1-modules>=0.2.1 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1_modules-0.3.0-py2.py3-none-any.whl (181 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 181.3/181.3 kB 37.2 MB/s eta 0:00:00\nCollecting rsa<5,>=3.1.4 (from google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading rsa-4.9-py3-none-any.whl (34 kB)\nCollecting ruamel.yaml>=0.16.12 (from hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml-0.18.5-py3-none-any.whl.metadata (23 kB)\nCollecting dateparser (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading dateparser-1.2.0-py2.py3-none-any.whl.metadata (28 kB)\nCollecting pandas>=1.4.0 (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pandas-2.1.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (18 kB)\nCollecting numpy (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading numpy-1.26.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.2/61.2 kB 16.6 MB/s eta 0:00:00\nCollecting matplotlib (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading matplotlib-3.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.8 kB)\nCollecting httmock (from prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading httmock-1.4.0-py3-none-any.whl (4.8 kB)\nCollecting charset-normalizer<4,>=2 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting idna<4,>=2.5 (from requests->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading idna-3.6-py3-none-any.whl.metadata (9.9 kB)\nCollecting oauthlib>=3.0.0 (from requests-oauthlib->apprise<2.0.0,>=1.5.0->robusta-cli==0.0.0)\n Downloading oauthlib-3.2.2-py3-none-any.whl (151 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 151.7/151.7 kB 42.2 MB/s eta 0:00:00\nCollecting tzdata>=2022.1 (from pandas>=1.4.0->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzdata-2023.3-py2.py3-none-any.whl (341 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 341.8/341.8 kB 48.0 MB/s eta 0:00:00\nCollecting pyasn1<0.6.0,>=0.4.6 (from pyasn1-modules>=0.2.1->google-auth>=1.0.1->kubernetes<27.0.0,>=26.1.0->robusta-cli==0.0.0)\n Downloading pyasn1-0.5.1-py2.py3-none-any.whl.metadata (8.6 kB)\nCollecting ruamel.yaml.clib>=0.2.7 (from ruamel.yaml>=0.16.12->hikaru-core>=1.1.0->hikaru-model-26<2.0.0,>=1.1.1->robusta-cli==0.0.0)\n Downloading ruamel.yaml.clib-0.2.8-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl.metadata (2.2 kB)\nCollecting regex!=2019.02.19,!=2021.8.27 (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading regex-2023.12.25-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (40 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 40.9/40.9 kB 10.9 MB/s eta 0:00:00\nCollecting tzlocal (from dateparser->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading tzlocal-5.2-py3-none-any.whl.metadata (7.8 kB)\nCollecting contourpy>=1.0.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading contourpy-1.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (5.8 kB)\nCollecting cycler>=0.10 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading cycler-0.12.1-py3-none-any.whl.metadata (3.8 kB)\nCollecting kiwisolver>=1.3.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading kiwisolver-1.4.5-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl.metadata (6.4 kB)\nCollecting pyparsing>=2.3.1 (from matplotlib->prometheus-api-client<0.6.0,>=0.5.3->prometrix==0.1.15->robusta-cli==0.0.0)\n Downloading pyparsing-3.1.1-py3-none-any.whl.metadata (5.1 kB)\nDownloading prometrix-0.1.15-py3-none-any.whl (12 kB)\nDownloading apprise-1.6.0-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 44.6 MB/s eta 0:00:00\nDownloading croniter-1.4.1-py2.py3-none-any.whl (19 kB)\nDownloading dpath-2.1.6-py3-none-any.whl (17 kB)\nDownloading fpdf2-2.7.7-py2.py3-none-any.whl (193 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 193.5/193.5 kB 52.0 MB/s eta 0:00:00\nDownloading hikaru_model_26-1.1.1-py3-none-any.whl (532 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 532.7/532.7 kB 43.9 MB/s eta 0:00:00\nDownloading markdown2-2.4.12-py2.py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.2/41.2 kB 12.9 MB/s eta 0:00:00\nDownloading pydantic-1.10.13-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.1/3.1 MB 57.3 MB/s eta 0:00:00\nDownloading PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (705 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 705.5/705.5 kB 55.2 MB/s eta 0:00:00\nDownloading rocketchat_API-1.31.0-py3-none-any.whl (21 kB)\nDownloading slack_sdk-3.26.1-py2.py3-none-any.whl (284 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 284.1/284.1 kB 60.1 MB/s eta 0:00:00\nDownloading boto3-1.34.7-py3-none-any.whl (139 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 139.3/139.3 kB 41.2 MB/s eta 0:00:00\nDownloading botocore-1.34.7-py3-none-any.whl (11.9 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 11.9/11.9 MB 87.2 MB/s eta 0:00:00\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 47.7 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.9/443.9 kB 74.7 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 28.9 MB/s eta 0:00:00\nDownloading fonttools-4.47.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (4.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.6/4.6 MB 111.9 MB/s eta 0:00:00\nDownloading google_auth-2.25.2-py2.py3-none-any.whl (184 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 184.2/184.2 kB 45.2 MB/s eta 0:00:00\nDownloading hikaru_core-1.1.1-py3-none-any.whl (83 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 83.7/83.7 kB 22.4 MB/s eta 0:00:00\nDownloading Pillow-10.1.0-cp310-cp310-manylinux_2_28_x86_64.whl (3.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.6/3.6 MB 119.6 MB/s eta 0:00:00\nDownloading prometheus_api_client-0.5.4-py3-none-any.whl (28 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 21.6 MB/s eta 0:00:00\nDownloading tenacity-8.2.3-py3-none-any.whl (24 kB)\nDownloading typing_extensions-4.9.0-py3-none-any.whl (32 kB)\nDownloading urllib3-2.0.7-py3-none-any.whl (124 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 124.2/124.2 kB 32.5 MB/s eta 0:00:00\nDownloading Markdown-3.5.1-py3-none-any.whl (102 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 102.2/102.2 kB 29.3 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 17.8 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.1/142.1 kB 37.0 MB/s eta 0:00:00\nDownloading idna-3.6-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.6/61.6 kB 16.3 MB/s eta 0:00:00\nDownloading pandas-2.1.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (12.3 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 12.3/12.3 MB 123.4 MB/s eta 0:00:00\nDownloading numpy-1.26.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (18.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 18.2/18.2 MB 106.4 MB/s eta 0:00:00\nDownloading ruamel.yaml-0.18.5-py3-none-any.whl (116 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 116.4/116.4 kB 33.3 MB/s eta 0:00:00\nDownloading s3transfer-0.10.0-py3-none-any.whl (82 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 82.1/82.1 kB 24.0 MB/s eta 0:00:00\nDownloading dateparser-1.2.0-py2.py3-none-any.whl (294 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 295.0/295.0 kB 60.1 MB/s eta 0:00:00\nDownloading matplotlib-3.8.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (11.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 11.6/11.6 MB 119.9 MB/s eta 0:00:00\nDownloading contourpy-1.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (310 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 310.7/310.7 kB 65.1 MB/s eta 0:00:00\nDownloading cycler-0.12.1-py3-none-any.whl (8.3 kB)\nDownloading kiwisolver-1.4.5-cp310-cp310-manylinux_2_12_x86_64.manylinux2010_x86_64.whl (1.6 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.6/1.6 MB 106.5 MB/s eta 0:00:00\nDownloading pyasn1-0.5.1-py2.py3-none-any.whl (84 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 84.9/84.9 kB 19.7 MB/s eta 0:00:00\nDownloading pyparsing-3.1.1-py3-none-any.whl (103 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 103.1/103.1 kB 28.3 MB/s eta 0:00:00\nDownloading regex-2023.12.25-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (773 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 774.0/774.0 kB 88.7 MB/s eta 0:00:00\nDownloading ruamel.yaml.clib-0.2.8-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.manylinux_2_24_x86_64.whl (526 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 526.7/526.7 kB 79.9 MB/s eta 0:00:00\nDownloading tzlocal-5.2-py3-none-any.whl (17 kB)\nBuilding wheels for collected packages: bitmath, pymsteams, future\n Building wheel for bitmath (pyproject.toml): started\n Building wheel for bitmath (pyproject.toml): finished with status 'done'\n Created wheel for bitmath: filename=bitmath-1.3.3.1-py3-none-any.whl size=23976 sha256=e990cb3c1c9f9e7d2ff5f36b385501dba538df90093c162a2024afd6397c03ce\n Stored in directory: /home/runner/.cache/pip/wheels/2d/32/d2/936069b5a9583c55bc7c7dce6c746a543ce61d7dfbb4013e13\n Building wheel for pymsteams (pyproject.toml): started\n Building wheel for pymsteams (pyproject.toml): finished with status 'done'\n Created wheel for pymsteams: filename=pymsteams-0.1.16-py3-none-any.whl size=5825 sha256=aed457b3e3040148fab44e2eb4a4955d6dd66ca00152503f94d90b86dfde1fa8\n Stored in directory: /home/runner/.cache/pip/wheels/16/98/ec/ce488a9493065af0b2158dfb5064d48657157441a4828fbd32\n Building wheel for future (pyproject.toml): started\n Building wheel for future (pyproject.toml): finished with status 'done'\n Created wheel for future: filename=future-0.18.3-py3-none-any.whl size=492024 sha256=4b77fee68e93a8094a0e88b8fa4b1fe18538839f05cca147907534ea4c638de2\n Stored in directory: /home/runner/.cache/pip/wheels/5e/a9/47/f118e66afd12240e4662752cc22cefae5d97275623aa8ef57d\nSuccessfully built bitmath pymsteams future\nInstalling collected packages: pytz, colorlog, click-spinner, bitmath, websocket-client, watchgod, urllib3, tzlocal, tzdata, typing-extensions, toml, tenacity, slack-sdk, six, ruamel.yaml.clib, regex, pyyaml, pyparsing, PyJWT, pycparser, pyasn1, prometheus-client, Pillow, packaging, oauthlib, numpy, markdown2, markdown, kiwisolver, jmespath, idna, future, fonttools, dpath, docutils, defusedxml, cycler, click, charset-normalizer, certifi, cachetools, attrs, typer, ruamel.yaml, rsa, requests, python-dateutil, pydantic, pyasn1-modules, fpdf2, contourpy, cffi, rocketchat-api, requests-toolbelt, requests-oauthlib, pymsteams, pandas, opsgenie-sdk, matplotlib, httmock, google-auth, dateparser, cryptography, croniter, botocore, webexteamssdk, s3transfer, prometheus-api-client, kubernetes, apprise, hikaru-core, boto3, prometrix, hikaru-model-26, robusta-cli\nSuccessfully installed Pillow-10.1.0 PyJWT-2.4.0 apprise-1.6.0 attrs-23.1.0 bitmath-1.3.3.1 boto3-1.34.7 botocore-1.34.7 cachetools-5.3.2 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 click-spinner-0.1.10 colorlog-5.0.1 contourpy-1.2.0 croniter-1.4.1 cryptography-36.0.2 cycler-0.12.1 dateparser-1.2.0 defusedxml-0.7.1 docutils-0.17.1 dpath-2.1.6 fonttools-4.47.0 fpdf2-2.7.7 future-0.18.3 google-auth-2.25.2 hikaru-core-1.1.1 hikaru-model-26-1.1.1 httmock-1.4.0 idna-3.6 jmespath-1.0.1 kiwisolver-1.4.5 kubernetes-26.1.0 markdown-3.5.1 markdown2-2.4.12 matplotlib-3.8.2 numpy-1.26.2 oauthlib-3.2.2 opsgenie-sdk-2.1.5 packaging-23.2 pandas-2.1.4 prometheus-api-client-0.5.4 prometheus-client-0.12.0 prometrix-0.1.15 pyasn1-0.5.1 pyasn1-modules-0.3.0 pycparser-2.21 pydantic-1.10.13 pymsteams-0.1.16 pyparsing-3.1.1 python-dateutil-2.8.2 pytz-2021.3 pyyaml-6.0.1 regex-2023.12.25 requests-2.31.0 requests-oauthlib-1.3.1 requests-toolbelt-1.0.0 robusta-cli-0.0.0 rocketchat-api-1.31.0 rsa-4.9 ruamel.yaml-0.18.5 ruamel.yaml.clib-0.2.8 s3transfer-0.10.0 six-1.16.0 slack-sdk-3.26.1 tenacity-8.2.3 toml-0.10.2 typer-0.4.2 typing-extensions-4.9.0 tzdata-2023.3 tzlocal-5.2 urllib3-2.0.7 watchgod-0.7 webexteamssdk-1.6.1 websocket-client-1.3.3\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\nWARNING:root:Running without kube-config! e=Invalid kube-config file. No configuration found.\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/bin/robusta\", line 5, in \n from robusta.cli.main import app\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/robusta/cli/main.py\", line 32, in \n from robusta.core.sinks.robusta.robusta_sink_params import RobustaSinkConfigWrapper, RobustaSinkParams\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/robusta/core/sinks/robusta/__init__.py\", line 1, in \n from robusta.core.sinks.robusta.robusta_sink import RobustaSink\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/robusta/core/sinks/robusta/robusta_sink.py\", line 29, in \n from robusta.core.sinks.robusta.prometheus_health_checker import PrometheusHealthChecker\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/robusta/core/sinks/robusta/prometheus_health_checker.py\", line 16, in \n from robusta.utils.silence_utils import BaseSilenceParams, get_alertmanager_silences_connection\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/robusta/utils/silence_utils.py\", line 14, in \n from src.robusta.integrations import openshift\nModuleNotFoundError: No module named 'src'\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/src/robusta/utils/silence_utils.py b/src/robusta/utils/silence_utils.py\nindex 72bae2d6..eef4caac 100644\n--- a/src/robusta/utils/silence_utils.py\n+++ b/src/robusta/utils/silence_utils.py\n@@ -10,8 +10,8 @@ from pydantic import BaseModel, SecretStr, validator\n \n from robusta.core.exceptions import AlertsManagerNotFound, NoAlertManagerUrlFound\n from robusta.core.model.base_params import ActionParams\n+from robusta.integrations import openshift\n from robusta.integrations.prometheus.utils import AlertManagerDiscovery, ServiceDiscovery\n-from src.robusta.integrations import openshift\n \n # ref to api https://github.com/prometheus/alertmanager/blob/main/api/v2/openapi.yaml\n \n", "difficulty": 2, "changed_files": ["src/robusta/utils/silence_utils.py"], "commit_link": "https://github.com/robusta-dev/robusta/tree/903a05c3ab95316477dd9d322b29e29b14f12ce9"} \ No newline at end of file diff --git a/data/python/9261583.json b/data/python/9261583.json new file mode 100644 index 0000000000000000000000000000000000000000..fdbf521614a44d1dc1c02be86f21340e1dfd0765 --- /dev/null +++ b/data/python/9261583.json @@ -0,0 +1 @@ +{"language": "Python", "id": 36, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "master", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "jameschapman19", "sha_fail": "9261583aece340e8b1ee2f06c68f017ce8da468c", "sha_success": "e8e30547893c2979e648108284c17d8ca8ec2995", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/8_Run Type Check.txt", "log": "##[group]Run make type-check\n\u001b[36;1mmake type-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\nmypy lightly tests\nlightly/loss/ssley_loss.py:6: note: In module imported here:\nlightly/utils/dist.py: note: In class \"GatherLayer\":\nlightly/utils/dist.py:19: error: Signature of \"forward\" incompatible with supertype \"Function\" [override]\nlightly/utils/dist.py:19: note: Error code \"override\" not covered by \"type: ignore\" comment\nlightly/utils/dist.py:19: note: Superclass:\nlightly/utils/dist.py:19: note: @staticmethod\nlightly/utils/dist.py:19: note: def forward(ctx: Any, *args: Any, **kwargs: Any) -> Any\nlightly/utils/dist.py:19: note: Subclass:\nlightly/utils/dist.py:19: note: @staticmethod\nlightly/utils/dist.py:19: note: def forward(ctx: Any, input: Tensor) -> tuple[Tensor, ...]\nFound 1 error in 1 file (checked 362 source files)\nmake: *** [Makefile:68: type-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/lightly/utils/dist.py b/lightly/utils/dist.py\nindex f44df6b9..88407556 100644\n--- a/lightly/utils/dist.py\n+++ b/lightly/utils/dist.py\n@@ -14,9 +14,11 @@ class GatherLayer(Function):\n \n \"\"\"\n \n- # Type ignore is required because superclass uses Any type for ctx.\n+ # Type ignore misc is required because the superclass uses Any type for ctx.\n+ # Type ignore override is required because the superclass has a different signature\n+ # for forward.\n @staticmethod\n- def forward(ctx: Any, input: Tensor) -> Tuple[Tensor, ...]: # type: ignore[misc]\n+ def forward(ctx: Any, input: Tensor) -> Tuple[Tensor, ...]: # type: ignore[misc, override]\n ctx.save_for_backward(input)\n output = [torch.empty_like(input) for _ in range(dist.get_world_size())]\n dist.all_gather(output, input)\n", "difficulty": 1, "changed_files": ["lightly/utils/dist.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/9261583aece340e8b1ee2f06c68f017ce8da468c"} \ No newline at end of file diff --git a/data/python/92937f3.json b/data/python/92937f3.json new file mode 100644 index 0000000000000000000000000000000000000000..936f3f42e6ab61ed1c86a2fb935cbd0d84160003 --- /dev/null +++ b/data/python/92937f3.json @@ -0,0 +1 @@ +{"language": "Python", "id": 3, "repo_owner": "pymc-devs", "repo_name": "pymc", "head_branch": "ruff_linter", "workflow_name": "pre-commit", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "juanitorduz", "sha_fail": "92937f3e3c898a7c90b04b04341d4f1b75e275cf", "sha_success": "2b3a34a0527b4258f6f18f0187e9116edf412f0e", "workflow": "name: pre-commit\n\non:\n pull_request:\n push:\n branches: [main]\n\njobs:\n pre-commit:\n runs-on: ubuntu-latest\n env:\n SKIP: no-commit-to-branch\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - uses: actions/setup-python@v5\n with:\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n - uses: pre-commit/action@v3.0.0\n mypy:\n runs-on: ubuntu-latest\n defaults:\n run:\n shell: bash -l {0}\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - name: Cache conda\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if environment-test.yml has not changed\n CACHE_NUMBER: 0\n with:\n path: ~/conda_pkgs_dir\n key: ${{ runner.os }}-py39-conda-${{ env.CACHE_NUMBER }}-${{\n hashFiles('conda-envs/environment-test.yml') }}\n - name: Cache multiple paths\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if requirements.txt has not changed\n CACHE_NUMBER: 0\n with:\n path: |\n ~/.cache/pip\n $RUNNER_TOOL_CACHE/Python/*\n ~\\AppData\\Local\\pip\\Cache\n key: ${{ runner.os }}-build-${{ matrix.python-version }}-${{ env.CACHE_NUMBER }}-${{\n hashFiles('requirements.txt') }}\n - uses: conda-incubator/setup-miniconda@v2\n with:\n miniforge-variant: Mambaforge\n miniforge-version: latest\n mamba-version: \"*\"\n activate-environment: pymc-test\n channel-priority: strict\n environment-file: conda-envs/environment-test.yml\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n use-mamba: true\n use-only-tar-bz2: false # IMPORTANT: This may break caching of conda packages! See https://github.com/conda-incubator/setup-miniconda/issues/267\n - name: Install-pymc and mypy dependencies\n run: |\n conda activate pymc-test\n pip install -e .\n pip install --pre -U polyagamma\n python --version\n - name: Run mypy\n run: |\n conda activate pymc-test\n python ./scripts/run_mypy.py --verbose\n", "logs": [{"step_name": "pre-commit/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from nodeenv>=0.11.1->pre-commit) (58.1.0)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 15.9 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 27.2 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 52.7 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 108.7 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 69.4 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, pyyaml, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|b69a9ccf7aebb98803ff18cb769a19428ca4b15f855ee813cd0630df2c6b60db\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCache not found for input keys: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|b69a9ccf7aebb98803ff18cb769a19428ca4b15f855ee813cd0630df2c6b60db\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n[INFO]\u001b[m Initializing environment for https://github.com/pre-commit/pre-commit-hooks.\n[INFO]\u001b[m Initializing environment for https://github.com/lucianopaz/head_of_apache.\n[INFO]\u001b[m Initializing environment for https://github.com/astral-sh/ruff-pre-commit.\n[INFO]\u001b[m Initializing environment for https://github.com/PyCQA/pydocstyle.\n[INFO]\u001b[m Initializing environment for https://github.com/MarcoGorelli/madforhooks.\n[INFO]\u001b[m Initializing environment for local:pandas,pyyaml.\n[INFO]\u001b[m Initializing environment for local:pyyaml.\n[INFO]\u001b[m Installing environment for https://github.com/pre-commit/pre-commit-hooks.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/lucianopaz/head_of_apache.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/astral-sh/ruff-pre-commit.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/PyCQA/pydocstyle.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/MarcoGorelli/madforhooks.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for local.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for local.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\ncheck for merge conflicts............................................................\u001b[42mPassed\u001b[m\ncheck toml...........................................................................\u001b[42mPassed\u001b[m\ncheck yaml...........................................................................\u001b[42mPassed\u001b[m\ndebug statements (python)............................................................\u001b[42mPassed\u001b[m\nfix end of files.....................................................................\u001b[42mPassed\u001b[m\ndon't commit to branch..............................................................\u001b[43;30mSkipped\u001b[m\nfix requirements.txt.................................................................\u001b[42mPassed\u001b[m\ntrim trailing whitespace.............................................................\u001b[42mPassed\u001b[m\nApply Apache 2.0 License.............................................................\u001b[42mPassed\u001b[m\nruff.................................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: ruff\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mpymc/_version.py\u001b[0m\u001b[36m:\u001b[0m157\u001b[36m:\u001b[0m13\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m155 |\u001b[0m if verbose:\n\u001b[1;38;5;12m156 |\u001b[0m print(\n\u001b[1;38;5;12m157 |\u001b[0m \"Tried directories %s but none started with prefix %s\"\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m_____________^\u001b[0m\n\u001b[1;38;5;12m158 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m % (str(rootdirs), parentdir_prefix)\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m_______________________________________________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m159 |\u001b[0m )\n\u001b[1;38;5;12m160 |\u001b[0m raise NotThisMethod(\"rootdir doesn't start with parentdir_prefix\")\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\n\u001b[1mpymc/step_methods/hmc/integration.py\u001b[0m\u001b[36m:\u001b[0m47\u001b[36m:\u001b[0m17\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m45 |\u001b[0m if self._potential.dtype != self._dtype:\n\u001b[1;38;5;12m46 |\u001b[0m raise ValueError(\n\u001b[1;38;5;12m47 |\u001b[0m \"dtypes of potential (%s) and logp function (%s)\"\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m_________________^\u001b[0m\n\u001b[1;38;5;12m48 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m \"don't match.\" % (self._potential.dtype, self._dtype)\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m_____________________________________________________________________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m49 |\u001b[0m )\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\n\u001b[1mpymc/variational/opvi.py\u001b[0m\u001b[36m:\u001b[0m461\u001b[36m:\u001b[0m17\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m459 |\u001b[0m if self.require_logq and not approx.has_logq:\n\u001b[1;38;5;12m460 |\u001b[0m raise ExplicitInferenceError(\n\u001b[1;38;5;12m461 |\u001b[0m \"%s requires logq, but %s does not implement it\"\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m_________________^\u001b[0m\n\u001b[1;38;5;12m462 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m \"please change inference method\" % (self, approx)\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m_________________________________________________________________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m463 |\u001b[0m )\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\n\u001b[1mpymc/variational/opvi.py\u001b[0m\u001b[36m:\u001b[0m513\u001b[36m:\u001b[0m16\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m512 |\u001b[0m def __str__(self): # pragma: no cover\n\u001b[1;38;5;12m513 |\u001b[0m return \"%(op)s[%(ap)s]\" % dict(\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m________________^\u001b[0m\n\u001b[1;38;5;12m514 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m op=self.__class__.__name__, ap=self.approx.__class__.__name__\n\u001b[1;38;5;12m515 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m )\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m_________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\n\u001b[1mversioneer.py\u001b[0m\u001b[36m:\u001b[0m328\u001b[36m:\u001b[0m17\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m326 |\u001b[0m if me_dir != vsr_dir:\n\u001b[1;38;5;12m327 |\u001b[0m print(\n\u001b[1;38;5;12m328 |\u001b[0m \"Warning: build in %s is using versioneer.py from %s\"\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m_________________^\u001b[0m\n\u001b[1;38;5;12m329 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m % (os.path.dirname(my_path), versioneer_py)\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m___________________________________________________________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m330 |\u001b[0m )\n\u001b[1;38;5;12m331 |\u001b[0m except NameError:\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\n\u001b[1mversioneer.py\u001b[0m\u001b[36m:\u001b[0m1388\u001b[36m:\u001b[0m13\u001b[36m:\u001b[0m \u001b[1;31mUP031\u001b[0m Use format specifiers instead of percent format\n\u001b[1;38;5;12m |\u001b[0m\n\u001b[1;38;5;12m1386 |\u001b[0m if verbose:\n\u001b[1;38;5;12m1387 |\u001b[0m print(\n\u001b[1;38;5;12m1388 |\u001b[0m \"Tried directories %s but none started with prefix %s\"\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m_____________^\u001b[0m\n\u001b[1;38;5;12m1389 |\u001b[0m \u001b[1;38;5;9m|\u001b[0m % (str(rootdirs), parentdir_prefix)\n\u001b[1;38;5;12m |\u001b[0m \u001b[1;38;5;9m|\u001b[0m\u001b[1;38;5;9m_______________________________________________^\u001b[0m \u001b[1;38;5;9mUP031\u001b[0m\n\u001b[1;38;5;12m1390 |\u001b[0m )\n\u001b[1;38;5;12m1391 |\u001b[0m raise NotThisMethod(\"rootdir doesn't start with parentdir_prefix\")\n\u001b[1;38;5;12m |\u001b[0m\n \u001b[1;38;5;12m=\u001b[0m \u001b[1;38;5;14mhelp\u001b[0m: Replace with format specifiers\n\nFound 14 errors (8 fixed, 6 remaining).\nNo fixes available (6 hidden fixes can be enabled with the `--unsafe-fixes` option).\n\nruff-format..........................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: ruff-format\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n2 files reformatted, 206 files left unchanged\n\npydocstyle...........................................................................\u001b[42mPassed\u001b[m\nDisallow print statements............................................................\u001b[42mPassed\u001b[m\nCheck no tests are ignored...........................................................\u001b[42mPassed\u001b[m\nGenerate pip dependency from conda...................................................\u001b[42mPassed\u001b[m\nNo relative imports..................................................................\u001b[42mPassed\u001b[m\nCheck no links that should be cross-references are in the docs.......................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/pymc/gp/util.py b/pymc/gp/util.py\u001b[m\n\u001b[1mindex 39eb3b6..3f829ab 100644\u001b[m\n\u001b[1m--- a/pymc/gp/util.py\u001b[m\n\u001b[1m+++ b/pymc/gp/util.py\u001b[m\n\u001b[36m@@ -120,7 +120,7 @@\u001b[m \u001b[mdef kmeans_inducing_points(n_inducing, X, **kmeans_kwargs):\u001b[m\n \"To use K-means initialization, \"\u001b[m\n \"please provide X as a type that \"\u001b[m\n \"can be cast to np.ndarray, instead \"\u001b[m\n\u001b[31m- \"of {}\".format(type(X))\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"of {type(X)}\"\u001b[m\n )\u001b[m\n scaling = np.std(X, 0)\u001b[m\n # if std of a column is very small (zero), don't normalize that column\u001b[m\n\u001b[1mdiff --git a/pymc/sampling/population.py b/pymc/sampling/population.py\u001b[m\n\u001b[1mindex 6dbe5cf..5ed98c0 100644\u001b[m\n\u001b[1m--- a/pymc/sampling/population.py\u001b[m\n\u001b[1m+++ b/pymc/sampling/population.py\u001b[m\n\u001b[36m@@ -135,7 +135,7 @@\u001b[m \u001b[mdef warn_population_size(\u001b[m\n if has_demcmc and chains <= initial_point_model_size:\u001b[m\n warnings.warn(\u001b[m\n \"DEMetropolis should be used with more chains than dimensions! \"\u001b[m\n\u001b[31m- \"(The model has {} dimensions.)\".format(initial_point_model_size),\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"(The model has {initial_point_model_size} dimensions.)\",\u001b[m\n UserWarning,\u001b[m\n stacklevel=2,\u001b[m\n )\u001b[m\n\u001b[1mdiff --git a/pymc/step_methods/arraystep.py b/pymc/step_methods/arraystep.py\u001b[m\n\u001b[1mindex 4c945ab..35f1443 100644\u001b[m\n\u001b[1m--- a/pymc/step_methods/arraystep.py\u001b[m\n\u001b[1m+++ b/pymc/step_methods/arraystep.py\u001b[m\n\u001b[36m@@ -146,10 +146,8 @@\u001b[m \u001b[mclass PopulationArrayStepShared(ArrayStepShared):\u001b[m\n self.other_chains = [c for c in range(len(population)) if c != chain_index]\u001b[m\n if not len(self.other_chains) > 1:\u001b[m\n raise ValueError(\u001b[m\n\u001b[31m- \"Population is just {} + {}. \"\u001b[m\n\u001b[31m- \"This is too small and the error should have been raised earlier.\".format(\u001b[m\n\u001b[31m- self.this_chain, self.other_chains\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"Population is just {self.this_chain} + {self.other_chains}. \"\u001b[m\n\u001b[32m+\u001b[m\u001b[32m \"This is too small and the error should have been raised earlier.\"\u001b[m\n )\u001b[m\n return\u001b[m\n \u001b[m\n\u001b[1mdiff --git a/pymc/variational/inference.py b/pymc/variational/inference.py\u001b[m\n\u001b[1mindex ce3bd02..6ee5815 100644\u001b[m\n\u001b[1m--- a/pymc/variational/inference.py\u001b[m\n\u001b[1m+++ b/pymc/variational/inference.py\u001b[m\n\u001b[36m@@ -244,17 +244,11 @@\u001b[m \u001b[mclass Inference:\u001b[m\n if isinstance(e, StopIteration):\u001b[m\n logger.info(str(e))\u001b[m\n if n < 10:\u001b[m\n\u001b[31m- logger.info(\u001b[m\n\u001b[31m- \"Interrupted at {:,d} [{:.0f}%]: Loss = {:,.5g}\".format(\u001b[m\n\u001b[31m- i, 100 * i // n, scores[i]\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m logger.info(f\"Interrupted at {i:,d} [{100 * i // n:.0f}%]: Loss = {scores[i]:,.5g}\")\u001b[m\n else:\u001b[m\n avg_loss = _infmean(scores[min(0, i - 1000) : i + 1])\u001b[m\n logger.info(\u001b[m\n\u001b[31m- \"Interrupted at {:,d} [{:.0f}%]: Average Loss = {:,.5g}\".format(\u001b[m\n\u001b[31m- i, 100 * i // n, avg_loss\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"Interrupted at {i:,d} [{100 * i // n:.0f}%]: Average Loss = {avg_loss:,.5g}\"\u001b[m\n )\u001b[m\n else:\u001b[m\n if n == 0:\u001b[m\n\u001b[1mdiff --git a/pymc/variational/opvi.py b/pymc/variational/opvi.py\u001b[m\n\u001b[1mindex bd1874f..5d70575 100644\u001b[m\n\u001b[1m--- a/pymc/variational/opvi.py\u001b[m\n\u001b[1m+++ b/pymc/variational/opvi.py\u001b[m\n\u001b[36m@@ -701,8 +701,8 @@\u001b[m \u001b[mclass Group(WithMemoization):\u001b[m\n def group_for_params(cls, params):\u001b[m\n if frozenset(params) not in cls.__param_registry:\u001b[m\n raise KeyError(\u001b[m\n\u001b[31m- \"No such group for the following params: {!r}, \"\u001b[m\n\u001b[31m- \"only the following are supported\\n\\n{}\".format(params, cls.__param_registry)\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"No such group for the following params: {params!r}, \"\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"only the following are supported\\n\\n{cls.__param_registry}\"\u001b[m\n )\u001b[m\n return cls.__param_registry[frozenset(params)]\u001b[m\n \u001b[m\n\u001b[36m@@ -801,9 +801,7 @@\u001b[m \u001b[mclass Group(WithMemoization):\u001b[m\n if givens != needed:\u001b[m\n raise ParametrizationError(\u001b[m\n \"Passed parameters do not have a needed set of keys, \"\u001b[m\n\u001b[31m- \"they should be equal, got {givens}, needed {needed}\".format(\u001b[m\n\u001b[31m- givens=givens, needed=needed\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m f\"they should be equal, got {givens}, needed {needed}\"\u001b[m\n )\u001b[m\n self._user_params = dict()\u001b[m\n spec = self.get_param_spec_for(d=self.ddim, **kwargs.pop(\"spec_kw\", {}))\u001b[m\n\u001b[1mdiff --git a/pymc/variational/updates.py b/pymc/variational/updates.py\u001b[m\n\u001b[1mindex fa6e52b..4f46970 100644\u001b[m\n\u001b[1m--- a/pymc/variational/updates.py\u001b[m\n\u001b[1m+++ b/pymc/variational/updates.py\u001b[m\n\u001b[36m@@ -1005,9 +1005,7 @@\u001b[m \u001b[mdef norm_constraint(tensor_var, max_norm, norm_axes=None, epsilon=1e-7):\u001b[m\n elif ndim in [3, 4, 5]: # Conv{1,2,3}DLayer\u001b[m\n sum_over = tuple(range(1, ndim))\u001b[m\n else:\u001b[m\n\u001b[31m- raise ValueError(\u001b[m\n\u001b[31m- \"Unsupported tensor dimensionality {}.\" \"Must specify `norm_axes`\".format(ndim)\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m raise ValueError(f\"Unsupported tensor dimensionality {ndim}.\" \"Must specify `norm_axes`\")\u001b[m\n \u001b[m\n dtype = np.dtype(pytensor.config.floatX).type\u001b[m\n norms = pt.sqrt(pt.sum(pt.sqr(tensor_var), axis=sum_over, keepdims=True))\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/docs/source/contributing/python_style.md b/docs/source/contributing/python_style.md\nindex def33f053..5bb73d503 100644\n--- a/docs/source/contributing/python_style.md\n+++ b/docs/source/contributing/python_style.md\n@@ -33,7 +33,7 @@ git commit -m \"wip lol\" --no-verify\n To skip one particular hook, you can set the `SKIP` environment variable. E.g. (on Linux):\n \n ```bash\n-SKIP=pyupgrade git commit -m \"\"\n+SKIP=ruff git commit -m \"\"\n ```\n \n You can manually run all `pre-commit` hooks on all files with\ndiff --git a/pymc/_version.py b/pymc/_version.py\nindex 24c8e98be..ebbf5a3a2 100644\n--- a/pymc/_version.py\n+++ b/pymc/_version.py\n@@ -153,10 +153,7 @@ def versions_from_parentdir(parentdir_prefix, root, verbose):\n root = os.path.dirname(root) # up a level\n \n if verbose:\n- print(\n- \"Tried directories %s but none started with prefix %s\"\n- % (str(rootdirs), parentdir_prefix)\n- )\n+ print(f\"Tried directories {str(rootdirs)} but none started with prefix {parentdir_prefix}\")\n raise NotThisMethod(\"rootdir doesn't start with parentdir_prefix\")\n \n \ndiff --git a/pymc/gp/util.py b/pymc/gp/util.py\nindex 39eb3b678..3f829ab00 100644\n--- a/pymc/gp/util.py\n+++ b/pymc/gp/util.py\n@@ -120,7 +120,7 @@ def kmeans_inducing_points(n_inducing, X, **kmeans_kwargs):\n \"To use K-means initialization, \"\n \"please provide X as a type that \"\n \"can be cast to np.ndarray, instead \"\n- \"of {}\".format(type(X))\n+ f\"of {type(X)}\"\n )\n scaling = np.std(X, 0)\n # if std of a column is very small (zero), don't normalize that column\ndiff --git a/pymc/sampling/population.py b/pymc/sampling/population.py\nindex 6dbe5cf90..5ed98c0a2 100644\n--- a/pymc/sampling/population.py\n+++ b/pymc/sampling/population.py\n@@ -135,7 +135,7 @@ def warn_population_size(\n if has_demcmc and chains <= initial_point_model_size:\n warnings.warn(\n \"DEMetropolis should be used with more chains than dimensions! \"\n- \"(The model has {} dimensions.)\".format(initial_point_model_size),\n+ f\"(The model has {initial_point_model_size} dimensions.)\",\n UserWarning,\n stacklevel=2,\n )\ndiff --git a/pymc/step_methods/arraystep.py b/pymc/step_methods/arraystep.py\nindex 4c945ab51..35f1443d8 100644\n--- a/pymc/step_methods/arraystep.py\n+++ b/pymc/step_methods/arraystep.py\n@@ -146,10 +146,8 @@ class PopulationArrayStepShared(ArrayStepShared):\n self.other_chains = [c for c in range(len(population)) if c != chain_index]\n if not len(self.other_chains) > 1:\n raise ValueError(\n- \"Population is just {} + {}. \"\n- \"This is too small and the error should have been raised earlier.\".format(\n- self.this_chain, self.other_chains\n- )\n+ f\"Population is just {self.this_chain} + {self.other_chains}. \"\n+ \"This is too small and the error should have been raised earlier.\"\n )\n return\n \ndiff --git a/pymc/step_methods/hmc/integration.py b/pymc/step_methods/hmc/integration.py\nindex 8ca72ecc4..c8defa2e8 100644\n--- a/pymc/step_methods/hmc/integration.py\n+++ b/pymc/step_methods/hmc/integration.py\n@@ -44,8 +44,8 @@ class CpuLeapfrogIntegrator:\n self._dtype = self._logp_dlogp_func.dtype\n if self._potential.dtype != self._dtype:\n raise ValueError(\n- \"dtypes of potential (%s) and logp function (%s)\"\n- \"don't match.\" % (self._potential.dtype, self._dtype)\n+ f\"dtypes of potential ({self._potential.dtype}) and logp function ({self._dtype})\"\n+ \"don't match.\"\n )\n \n def compute_state(self, q: RaveledVars, p: RaveledVars):\ndiff --git a/pymc/variational/inference.py b/pymc/variational/inference.py\nindex ce3bd02e2..6ee5815d1 100644\n--- a/pymc/variational/inference.py\n+++ b/pymc/variational/inference.py\n@@ -244,17 +244,11 @@ class Inference:\n if isinstance(e, StopIteration):\n logger.info(str(e))\n if n < 10:\n- logger.info(\n- \"Interrupted at {:,d} [{:.0f}%]: Loss = {:,.5g}\".format(\n- i, 100 * i // n, scores[i]\n- )\n- )\n+ logger.info(f\"Interrupted at {i:,d} [{100 * i // n:.0f}%]: Loss = {scores[i]:,.5g}\")\n else:\n avg_loss = _infmean(scores[min(0, i - 1000) : i + 1])\n logger.info(\n- \"Interrupted at {:,d} [{:.0f}%]: Average Loss = {:,.5g}\".format(\n- i, 100 * i // n, avg_loss\n- )\n+ f\"Interrupted at {i:,d} [{100 * i // n:.0f}%]: Average Loss = {avg_loss:,.5g}\"\n )\n else:\n if n == 0:\ndiff --git a/pymc/variational/opvi.py b/pymc/variational/opvi.py\nindex bd1874ffe..ae2e20ac8 100644\n--- a/pymc/variational/opvi.py\n+++ b/pymc/variational/opvi.py\n@@ -458,8 +458,8 @@ class Operator:\n self.approx = approx\n if self.require_logq and not approx.has_logq:\n raise ExplicitInferenceError(\n- \"%s requires logq, but %s does not implement it\"\n- \"please change inference method\" % (self, approx)\n+ f\"{self} requires logq, but {approx} does not implement it\"\n+ \"please change inference method\"\n )\n \n inputs = property(lambda self: self.approx.inputs)\n@@ -510,9 +510,7 @@ class Operator:\n return self.objective_class(self, f)\n \n def __str__(self): # pragma: no cover\n- return \"%(op)s[%(ap)s]\" % dict(\n- op=self.__class__.__name__, ap=self.approx.__class__.__name__\n- )\n+ return f\"{self.__class__.__name__}[{self.approx.__class__.__name__}]\"\n \n \n def collect_shared_to_list(params):\n@@ -701,8 +699,8 @@ class Group(WithMemoization):\n def group_for_params(cls, params):\n if frozenset(params) not in cls.__param_registry:\n raise KeyError(\n- \"No such group for the following params: {!r}, \"\n- \"only the following are supported\\n\\n{}\".format(params, cls.__param_registry)\n+ f\"No such group for the following params: {params!r}, \"\n+ f\"only the following are supported\\n\\n{cls.__param_registry}\"\n )\n return cls.__param_registry[frozenset(params)]\n \n@@ -801,9 +799,7 @@ class Group(WithMemoization):\n if givens != needed:\n raise ParametrizationError(\n \"Passed parameters do not have a needed set of keys, \"\n- \"they should be equal, got {givens}, needed {needed}\".format(\n- givens=givens, needed=needed\n- )\n+ f\"they should be equal, got {givens}, needed {needed}\"\n )\n self._user_params = dict()\n spec = self.get_param_spec_for(d=self.ddim, **kwargs.pop(\"spec_kw\", {}))\ndiff --git a/pymc/variational/updates.py b/pymc/variational/updates.py\nindex fa6e52b0e..4f46970d1 100644\n--- a/pymc/variational/updates.py\n+++ b/pymc/variational/updates.py\n@@ -1005,9 +1005,7 @@ def norm_constraint(tensor_var, max_norm, norm_axes=None, epsilon=1e-7):\n elif ndim in [3, 4, 5]: # Conv{1,2,3}DLayer\n sum_over = tuple(range(1, ndim))\n else:\n- raise ValueError(\n- \"Unsupported tensor dimensionality {}.\" \"Must specify `norm_axes`\".format(ndim)\n- )\n+ raise ValueError(f\"Unsupported tensor dimensionality {ndim}.\" \"Must specify `norm_axes`\")\n \n dtype = np.dtype(pytensor.config.floatX).type\n norms = pt.sqrt(pt.sum(pt.sqr(tensor_var), axis=sum_over, keepdims=True))\ndiff --git a/versioneer.py b/versioneer.py\nindex cf8adcc9e..9c8f7b060 100644\n--- a/versioneer.py\n+++ b/versioneer.py\n@@ -325,8 +325,7 @@ def get_root():\n vsr_dir = os.path.normcase(os.path.splitext(versioneer_py)[0])\n if me_dir != vsr_dir:\n print(\n- \"Warning: build in %s is using versioneer.py from %s\"\n- % (os.path.dirname(my_path), versioneer_py)\n+ f\"Warning: build in {os.path.dirname(my_path)} is using versioneer.py from {versioneer_py}\"\n )\n except NameError:\n pass\n@@ -1384,10 +1383,7 @@ def versions_from_parentdir(parentdir_prefix, root, verbose):\n root = os.path.dirname(root) # up a level\n \n if verbose:\n- print(\n- \"Tried directories %s but none started with prefix %s\"\n- % (str(rootdirs), parentdir_prefix)\n- )\n+ print(f\"Tried directories {str(rootdirs)} but none started with prefix {parentdir_prefix}\")\n raise NotThisMethod(\"rootdir doesn't start with parentdir_prefix\")\n \n \n", "difficulty": 2, "changed_files": ["docs/source/contributing/python_style.md", "pymc/_version.py", "pymc/gp/util.py", "pymc/sampling/population.py", "pymc/step_methods/arraystep.py", "pymc/step_methods/hmc/integration.py", "pymc/variational/inference.py", "pymc/variational/opvi.py", "pymc/variational/updates.py", "versioneer.py"], "commit_link": "https://github.com/pymc-devs/pymc/tree/92937f3e3c898a7c90b04b04341d4f1b75e275cf"} \ No newline at end of file diff --git a/data/python/9981ca1.json b/data/python/9981ca1.json new file mode 100644 index 0000000000000000000000000000000000000000..350033fd6e5ce01ad49015d421736a59830e56d2 --- /dev/null +++ b/data/python/9981ca1.json @@ -0,0 +1 @@ +{"language": "Python", "id": 11, "repo_owner": "pymc-devs", "repo_name": "pymc", "head_branch": "ruff_linter", "workflow_name": "pre-commit", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "juanitorduz", "sha_fail": "9981ca154ba03a88deaa96d16b119de6183017e5", "sha_success": "c50bdf8c2e84c61953b892b8b80ea724bf1746b4", "workflow": "name: pre-commit\n\non:\n pull_request:\n push:\n branches: [main]\n\njobs:\n pre-commit:\n runs-on: ubuntu-latest\n env:\n SKIP: no-commit-to-branch\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - uses: actions/setup-python@v5\n with:\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n - uses: pre-commit/action@v3.0.0\n mypy:\n runs-on: ubuntu-latest\n defaults:\n run:\n shell: bash -l {0}\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - name: Cache conda\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if environment-test.yml has not changed\n CACHE_NUMBER: 0\n with:\n path: ~/conda_pkgs_dir\n key: ${{ runner.os }}-py39-conda-${{ env.CACHE_NUMBER }}-${{\n hashFiles('conda-envs/environment-test.yml') }}\n - name: Cache multiple paths\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if requirements.txt has not changed\n CACHE_NUMBER: 0\n with:\n path: |\n ~/.cache/pip\n $RUNNER_TOOL_CACHE/Python/*\n ~\\AppData\\Local\\pip\\Cache\n key: ${{ runner.os }}-build-${{ matrix.python-version }}-${{ env.CACHE_NUMBER }}-${{\n hashFiles('requirements.txt') }}\n - uses: conda-incubator/setup-miniconda@v2\n with:\n miniforge-variant: Mambaforge\n miniforge-version: latest\n mamba-version: \"*\"\n activate-environment: pymc-test\n channel-priority: strict\n environment-file: conda-envs/environment-test.yml\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n use-mamba: true\n use-only-tar-bz2: false # IMPORTANT: This may break caching of conda packages! See https://github.com/conda-incubator/setup-miniconda/issues/267\n - name: Install-pymc and mypy dependencies\n run: |\n conda activate pymc-test\n pip install -e .\n pip install --pre -U polyagamma\n python --version\n - name: Run mypy\n run: |\n conda activate pymc-test\n python ./scripts/run_mypy.py --verbose\n", "logs": [{"step_name": "pre-commit/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from nodeenv>=0.11.1->pre-commit) (58.1.0)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 14.2 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 29.1 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 67.7 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 93.7 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 77.3 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, pyyaml, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|8521b1deaccc96b7bf978113f6a9d2819d4547b59963b2c02ead71c093c77e29\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCache not found for input keys: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|8521b1deaccc96b7bf978113f6a9d2819d4547b59963b2c02ead71c093c77e29\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n[INFO]\u001b[m Initializing environment for https://github.com/pre-commit/pre-commit-hooks.\n[INFO]\u001b[m Initializing environment for https://github.com/lucianopaz/head_of_apache.\n[INFO]\u001b[m Initializing environment for https://github.com/asottile/pyupgrade.\n[INFO]\u001b[m Initializing environment for https://github.com/astral-sh/ruff-pre-commit.\n[INFO]\u001b[m Initializing environment for https://github.com/PyCQA/pydocstyle.\n[INFO]\u001b[m Initializing environment for https://github.com/MarcoGorelli/madforhooks.\n[INFO]\u001b[m Initializing environment for local:pandas,pyyaml.\n[INFO]\u001b[m Initializing environment for local:pyyaml.\n[INFO]\u001b[m Installing environment for https://github.com/pre-commit/pre-commit-hooks.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/lucianopaz/head_of_apache.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/asottile/pyupgrade.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/astral-sh/ruff-pre-commit.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/PyCQA/pydocstyle.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/MarcoGorelli/madforhooks.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for local.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for local.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\ncheck for merge conflicts............................................................\u001b[42mPassed\u001b[m\ncheck toml...........................................................................\u001b[42mPassed\u001b[m\ncheck yaml...........................................................................\u001b[42mPassed\u001b[m\ndebug statements (python)............................................................\u001b[42mPassed\u001b[m\nfix end of files.....................................................................\u001b[42mPassed\u001b[m\ndon't commit to branch..............................................................\u001b[43;30mSkipped\u001b[m\nfix requirements.txt.................................................................\u001b[42mPassed\u001b[m\ntrim trailing whitespace.............................................................\u001b[42mPassed\u001b[m\nApply Apache 2.0 License.............................................................\u001b[42mPassed\u001b[m\npyupgrade............................................................................\u001b[42mPassed\u001b[m\nruff.................................................................................\u001b[42mPassed\u001b[m\nruff-format..........................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: ruff-format\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n11 files reformatted, 197 files left unchanged\n\npydocstyle...........................................................................\u001b[42mPassed\u001b[m\nDisallow print statements............................................................\u001b[42mPassed\u001b[m\nCheck no tests are ignored...........................................................\u001b[42mPassed\u001b[m\nGenerate pip dependency from conda...................................................\u001b[42mPassed\u001b[m\nNo relative imports..................................................................\u001b[42mPassed\u001b[m\nCheck no links that should be cross-references are in the docs.......................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/pymc/distributions/discrete.py b/pymc/distributions/discrete.py\u001b[m\n\u001b[1mindex f95b437..8771193 100644\u001b[m\n\u001b[1m--- a/pymc/distributions/discrete.py\u001b[m\n\u001b[1m+++ b/pymc/distributions/discrete.py\u001b[m\n\u001b[36m@@ -112,6 +112,7 @@\u001b[m \u001b[mclass Binomial(Discrete):\u001b[m\n logit_p : tensor_like of float\u001b[m\n Alternative log odds for the probability of success.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = binomial\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -334,6 +335,7 @@\u001b[m \u001b[mclass Bernoulli(Discrete):\u001b[m\n logit_p : tensor_like of float\u001b[m\n Alternative log odds for the probability of success.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = bernoulli\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -450,6 +452,7 @@\u001b[m \u001b[mclass DiscreteWeibull(Discrete):\u001b[m\n Shape parameter (beta > 0).\u001b[m\n \u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = discrete_weibull\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -539,6 +542,7 @@\u001b[m \u001b[mclass Poisson(Discrete):\u001b[m\n The Poisson distribution can be derived as a limiting case of the\u001b[m\n binomial distribution.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = poisson\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -662,6 +666,7 @@\u001b[m \u001b[mclass NegativeBinomial(Discrete):\u001b[m\n n : tensor_like of float\u001b[m\n Alternative number of target success trials (n > 0)\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = nbinom\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -1108,6 +1113,7 @@\u001b[m \u001b[mclass Categorical(Discrete):\u001b[m\n logit_p : float\u001b[m\n Alternative log odds for the probability of success.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = categorical\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -1183,6 +1189,7 @@\u001b[m \u001b[mclass _OrderedLogistic(Categorical):\u001b[m\n Underlying class for ordered logistic distributions.\u001b[m\n See docs for the OrderedLogistic wrapper class for more details on how to use it in models.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = categorical\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -1289,6 +1296,7 @@\u001b[m \u001b[mclass _OrderedProbit(Categorical):\u001b[m\n Underlying class for ordered probit distributions.\u001b[m\n See docs for the OrderedProbit wrapper class for more details on how to use it in models.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = categorical\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[1mdiff --git a/pymc/distributions/multivariate.py b/pymc/distributions/multivariate.py\u001b[m\n\u001b[1mindex 1e5a956..570c139 100644\u001b[m\n\u001b[1m--- a/pymc/distributions/multivariate.py\u001b[m\n\u001b[1m+++ b/pymc/distributions/multivariate.py\u001b[m\n\u001b[36m@@ -235,6 +235,7 @@\u001b[m \u001b[mclass MvNormal(Continuous):\u001b[m\n vals_raw = pm.Normal('vals_raw', mu=0, sigma=1, shape=(5, 3))\u001b[m\n vals = pm.Deterministic('vals', pt.dot(chol, vals_raw.T).T)\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = multivariate_normal\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -355,6 +356,7 @@\u001b[m \u001b[mclass MvStudentT(Continuous):\u001b[m\n lower : bool, default=True\u001b[m\n Whether the cholesky fatcor is given as a lower triangular matrix.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = mv_studentt\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -436,6 +438,7 @@\u001b[m \u001b[mclass Dirichlet(SimplexContinuous):\u001b[m\n Concentration parameters (a > 0). The number of categories is given by the\u001b[m\n length of the last axis.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = dirichlet\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -515,6 +518,7 @@\u001b[m \u001b[mclass Multinomial(Discrete):\u001b[m\n categories is given by the length of the last axis. Elements are expected to sum\u001b[m\n to 1 along the last axis.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = multinomial\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -662,6 +666,7 @@\u001b[m \u001b[mclass DirichletMultinomial(Discrete):\u001b[m\n Dirichlet concentration parameters (a > 0). The number of categories is given by\u001b[m\n the length of the last axis.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = dirichlet_multinomial\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -716,6 +721,7 @@\u001b[m \u001b[mclass _OrderedMultinomial(Multinomial):\u001b[m\n Underlying class for ordered multinomial distributions.\u001b[m\n See docs for the OrderedMultinomial wrapper class for more details on how to use it in models.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = multinomial\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -940,6 +946,7 @@\u001b[m \u001b[mclass Wishart(Continuous):\u001b[m\n This distribution is unusable in a PyMC model. You should instead\u001b[m\n use LKJCholeskyCov or LKJCorr.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = wishart\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -1763,6 +1770,7 @@\u001b[m \u001b[mclass MatrixNormal(Continuous):\u001b[m\n vals = pm.MatrixNormal('vals', mu=mu, colchol=colchol, rowcov=rowcov,\u001b[m\n observed=data)\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = matrixnormal\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -1977,6 +1985,7 @@\u001b[m \u001b[mclass KroneckerNormal(Continuous):\u001b[m\n ----------\u001b[m\n .. [1] Saatchi, Y. (2011). \"Scalable inference for structured Gaussian process models\"\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = kroneckernormal\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -2183,6 +2192,7 @@\u001b[m \u001b[mclass CAR(Continuous):\u001b[m\n \"Generalized Hierarchical Multivariate CAR Models for Areal Data\"\u001b[m\n Biometrics, Vol. 61, No. 4 (Dec., 2005), pp. 950-961\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = car\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -2400,9 +2410,7 @@\u001b[m \u001b[mclass ICAR(Continuous):\u001b[m\n return pt.zeros(N)\u001b[m\n \u001b[m\n def logp(value, W, node1, node2, N, sigma, zero_sum_stdev):\u001b[m\n\u001b[31m- pairwise_difference = (-1 / (2 * sigma**2)) * pt.sum(\u001b[m\n\u001b[31m- pt.square(value[node1] - value[node2])\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m pairwise_difference = (-1 / (2 * sigma**2)) * pt.sum(pt.square(value[node1] - value[node2]))\u001b[m\n zero_sum = (\u001b[m\n -0.5 * pt.pow(pt.sum(value) / (zero_sum_stdev * N), 2)\u001b[m\n - pt.log(pt.sqrt(2.0 * np.pi))\u001b[m\n\u001b[36m@@ -2498,6 +2506,7 @@\u001b[m \u001b[mclass StickBreakingWeights(SimplexContinuous):\u001b[m\n .. [2] M\u00fcller, P., Quintana, F. A., Jara, A., & Hanson, T. (2015). Bayesian nonparametric data\u001b[m\n analysis. New York: Springer.\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_op = stickbreakingweights\u001b[m\n \u001b[m\n @classmethod\u001b[m\n\u001b[36m@@ -2641,6 +2650,7 @@\u001b[m \u001b[mclass ZeroSumNormal(Distribution):\u001b[m\n # the zero sum axes will be the last two\u001b[m\n v = pm.ZeroSumNormal(\"v\", shape=(3, 4, 5), n_zerosum_axes=2)\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n rv_type = ZeroSumNormalRV\u001b[m\n \u001b[m\n def __new__(\u001b[m\n\u001b[1mdiff --git a/pymc/model/core.py b/pymc/model/core.py\u001b[m\n\u001b[1mindex c45f3f5..6ee6d49 100644\u001b[m\n\u001b[1m--- a/pymc/model/core.py\u001b[m\n\u001b[1m+++ b/pymc/model/core.py\u001b[m\n\u001b[36m@@ -138,9 +138,7 @@\u001b[m \u001b[mclass ContextMeta(type):\u001b[m\n \u001b[m\n # FIXME: is there a more elegant way to automatically add methods to the class that\u001b[m\n # are instance methods instead of class methods?\u001b[m\n\u001b[31m- def __init__(\u001b[m\n\u001b[31m- cls, name, bases, nmspc, context_class: Optional[Type] = None, **kwargs\u001b[m\n\u001b[31m- ): # pylint: disable=unused-argument\u001b[m\n\u001b[32m+\u001b[m\u001b[32m def __init__(cls, name, bases, nmspc, context_class: Optional[Type] = None, **kwargs): # pylint: disable=unused-argument\u001b[m\n \"\"\"Add ``__enter__`` and ``__exit__`` methods to the new class automatically.\"\"\"\u001b[m\n if context_class is not None:\u001b[m\n cls._context_class = context_class\u001b[m\n\u001b[36m@@ -1740,7 +1738,7 @@\u001b[m \u001b[mclass Model(WithMemoization, metaclass=ContextMeta):\u001b[m\n done = {}\u001b[m\n used_ids = {}\u001b[m\n for i, out in enumerate(rv_inputs.maker.fgraph.outputs):\u001b[m\n\u001b[31m- print_(f\"{i}: \", end=\"\"),\u001b[m\n\u001b[32m+\u001b[m\u001b[32m (print_(f\"{i}: \", end=\"\"),)\u001b[m\n # Don't print useless deepcopys\u001b[m\n if out.owner and isinstance(out.owner.op, DeepCopyOp):\u001b[m\n out = out.owner.inputs[0]\u001b[m\n\u001b[1mdiff --git a/pymc/ode/ode.py b/pymc/ode/ode.py\u001b[m\n\u001b[1mindex a5e3741..600f306 100644\u001b[m\n\u001b[1m--- a/pymc/ode/ode.py\u001b[m\n\u001b[1m+++ b/pymc/ode/ode.py\u001b[m\n\u001b[36m@@ -67,6 +67,7 @@\u001b[m \u001b[mclass DifferentialEquation(Op):\u001b[m\n ode_model = DifferentialEquation(func=odefunc, times=times, n_states=1, n_theta=1, t0=0)\u001b[m\n \u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n _itypes = [\u001b[m\n TensorType(floatX, (False,)), # y0 as 1D floatX vector\u001b[m\n TensorType(floatX, (False,)), # theta as 1D floatX vector\u001b[m\n\u001b[1mdiff --git a/pymc/printing.py b/pymc/printing.py\u001b[m\n\u001b[1mindex ffc943a..9fe7d05 100644\u001b[m\n\u001b[1m--- a/pymc/printing.py\u001b[m\n\u001b[1m+++ b/pymc/printing.py\u001b[m\n\u001b[36m@@ -123,9 +123,7 @@\u001b[m \u001b[mdef str_for_model(model: Model, formatting: str = \"plain\", include_params: bool\u001b[m\n \\begin{{array}}{{rcl}}\u001b[m\n {}\u001b[m\n \\end{{array}}\u001b[m\n\u001b[31m- $$\"\"\".format(\u001b[m\n\u001b[31m- \"\\\\\\\\\".join(var_reprs)\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m $$\"\"\".format(\"\\\\\\\\\".join(var_reprs))\u001b[m\n else:\u001b[m\n # align vars on their ~\u001b[m\n names = [s[: s.index(\"~\") - 1] for s in var_reprs]\u001b[m\n\u001b[1mdiff --git a/pymc/step_methods/metropolis.py b/pymc/step_methods/metropolis.py\u001b[m\n\u001b[1mindex 1adb462..e080cdd 100644\u001b[m\n\u001b[1m--- a/pymc/step_methods/metropolis.py\u001b[m\n\u001b[1m+++ b/pymc/step_methods/metropolis.py\u001b[m\n\u001b[36m@@ -134,7 +134,7 @@\u001b[m \u001b[mclass Metropolis(ArrayStepShared):\u001b[m\n tune_interval=100,\u001b[m\n model=None,\u001b[m\n mode=None,\u001b[m\n\u001b[31m- **kwargs\u001b[m\n\u001b[32m+\u001b[m\u001b[32m **kwargs,\u001b[m\n ):\u001b[m\n \"\"\"Create an instance of a Metropolis stepper\u001b[m\n \u001b[m\n\u001b[36m@@ -771,7 +771,7 @@\u001b[m \u001b[mclass DEMetropolis(PopulationArrayStepShared):\u001b[m\n tune_interval=100,\u001b[m\n model=None,\u001b[m\n mode=None,\u001b[m\n\u001b[31m- **kwargs\u001b[m\n\u001b[32m+\u001b[m\u001b[32m **kwargs,\u001b[m\n ):\u001b[m\n model = pm.modelcontext(model)\u001b[m\n initial_values = model.initial_point()\u001b[m\n\u001b[36m@@ -915,7 +915,7 @@\u001b[m \u001b[mclass DEMetropolisZ(ArrayStepShared):\u001b[m\n tune_drop_fraction: float = 0.9,\u001b[m\n model=None,\u001b[m\n mode=None,\u001b[m\n\u001b[31m- **kwargs\u001b[m\n\u001b[32m+\u001b[m\u001b[32m **kwargs,\u001b[m\n ):\u001b[m\n model = pm.modelcontext(model)\u001b[m\n initial_values = model.initial_point()\u001b[m\n\u001b[1mdiff --git a/pymc/tuning/starting.py b/pymc/tuning/starting.py\u001b[m\n\u001b[1mindex 6a4d338..ad5f554 100644\u001b[m\n\u001b[1m--- a/pymc/tuning/starting.py\u001b[m\n\u001b[1m+++ b/pymc/tuning/starting.py\u001b[m\n\u001b[36m@@ -52,7 +52,7 @@\u001b[m \u001b[mdef find_MAP(\u001b[m\n model=None,\u001b[m\n *args,\u001b[m\n seed: Optional[int] = None,\u001b[m\n\u001b[31m- **kwargs\u001b[m\n\u001b[32m+\u001b[m\u001b[32m **kwargs,\u001b[m\n ):\u001b[m\n \"\"\"Finds the local maximum a posteriori point given a model.\u001b[m\n \u001b[m\n\u001b[1mdiff --git a/pymc/variational/approximations.py b/pymc/variational/approximations.py\u001b[m\n\u001b[1mindex 00df445..feb0a3a 100644\u001b[m\n\u001b[1m--- a/pymc/variational/approximations.py\u001b[m\n\u001b[1m+++ b/pymc/variational/approximations.py\u001b[m\n\u001b[36m@@ -46,6 +46,7 @@\u001b[m \u001b[mclass MeanFieldGroup(Group):\u001b[m\n that latent space variables are uncorrelated that is the main drawback\u001b[m\n of the method\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n __param_spec__ = dict(mu=(\"d\",), rho=(\"d\",))\u001b[m\n short_name = \"mean_field\"\u001b[m\n alias_names = frozenset([\"mf\"])\u001b[m\n\u001b[36m@@ -350,27 +351,21 @@\u001b[m \u001b[mclass SingleGroupApproximation(Approximation):\u001b[m\n class MeanField(SingleGroupApproximation):\u001b[m\n __doc__ = \"\"\"**Single Group Mean Field Approximation**\u001b[m\n \u001b[m\n\u001b[31m- \"\"\" + str(\u001b[m\n\u001b[31m- MeanFieldGroup.__doc__\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m \"\"\" + str(MeanFieldGroup.__doc__)\u001b[m\n _group_class = MeanFieldGroup\u001b[m\n \u001b[m\n \u001b[m\n class FullRank(SingleGroupApproximation):\u001b[m\n __doc__ = \"\"\"**Single Group Full Rank Approximation**\u001b[m\n \u001b[m\n\u001b[31m- \"\"\" + str(\u001b[m\n\u001b[31m- FullRankGroup.__doc__\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m \"\"\" + str(FullRankGroup.__doc__)\u001b[m\n _group_class = FullRankGroup\u001b[m\n \u001b[m\n \u001b[m\n class Empirical(SingleGroupApproximation):\u001b[m\n __doc__ = \"\"\"**Single Group Full Rank Approximation**\u001b[m\n \u001b[m\n\u001b[31m- \"\"\" + str(\u001b[m\n\u001b[31m- EmpiricalGroup.__doc__\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m \"\"\" + str(EmpiricalGroup.__doc__)\u001b[m\n _group_class = EmpiricalGroup\u001b[m\n \u001b[m\n def __init__(self, trace=None, size=None, **kwargs):\u001b[m\n\u001b[1mdiff --git a/pymc/variational/operators.py b/pymc/variational/operators.py\u001b[m\n\u001b[1mindex 1122a70..f6ef095 100644\u001b[m\n\u001b[1m--- a/pymc/variational/operators.py\u001b[m\n\u001b[1m+++ b/pymc/variational/operators.py\u001b[m\n\u001b[36m@@ -130,6 +130,7 @@\u001b[m \u001b[mclass KSD(Operator):\u001b[m\n Stein Variational Gradient Descent: A General Purpose Bayesian Inference Algorithm\u001b[m\n arXiv:1608.04471\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n has_test_function = True\u001b[m\n returns_loss = False\u001b[m\n require_logq = False\u001b[m\n\u001b[1mdiff --git a/pymc/variational/opvi.py b/pymc/variational/opvi.py\u001b[m\n\u001b[1mindex cf98c98..bd1874f 100644\u001b[m\n\u001b[1m--- a/pymc/variational/opvi.py\u001b[m\n\u001b[1m+++ b/pymc/variational/opvi.py\u001b[m\n\u001b[36m@@ -663,6 +663,7 @@\u001b[m \u001b[mclass Group(WithMemoization):\u001b[m\n - Kingma, D. P., & Welling, M. (2014).\u001b[m\n `Auto-Encoding Variational Bayes. stat, 1050, 1. `_\u001b[m\n \"\"\"\u001b[m\n\u001b[32m+\u001b[m\n # needs to be defined in init\u001b[m\n shared_params = None\u001b[m\n symbolic_initial = None\u001b[m\n\u001b[36m@@ -709,8 +710,9 @@\u001b[m \u001b[mclass Group(WithMemoization):\u001b[m\n def group_for_short_name(cls, name):\u001b[m\n if name.lower() not in cls.__name_registry:\u001b[m\n raise KeyError(\u001b[m\n\u001b[31m- \"No such group: {!r}, \"\u001b[m\n\u001b[31m- \"only the following are supported\\n\\n{}\".format(name, cls.__name_registry)\u001b[m\n\u001b[32m+\u001b[m\u001b[32m \"No such group: {!r}, \" \"only the following are supported\\n\\n{}\".format(\u001b[m\n\u001b[32m+\u001b[m\u001b[32m name, cls.__name_registry\u001b[m\n\u001b[32m+\u001b[m\u001b[32m )\u001b[m\n )\u001b[m\n return cls.__name_registry[name.lower()]\u001b[m\n \u001b[m\n\u001b[1mdiff --git a/versioneer.py b/versioneer.py\u001b[m\n\u001b[1mindex a560e68..c2b9d28 100644\u001b[m\n\u001b[1m--- a/versioneer.py\u001b[m\n\u001b[1m+++ b/versioneer.py\u001b[m\n\u001b[36m@@ -432,9 +432,7 @@\u001b[m \u001b[mdef run_command(commands, args, cwd=None, verbose=False, hide_stderr=False, env=\u001b[m\n return stdout, process.returncode\u001b[m\n \u001b[m\n \u001b[m\n\u001b[31m-LONG_VERSION_PY[\u001b[m\n\u001b[31m- \"git\"\u001b[m\n\u001b[31m-] = r'''\u001b[m\n\u001b[32m+\u001b[m\u001b[32mLONG_VERSION_PY[\"git\"] = r'''\u001b[m\n # This file helps to compute a version number in source trees obtained from\u001b[m\n # git-archive tarball (such as those provided by githubs download-from-tag\u001b[m\n # feature). Distribution tarballs (built by setup.py sdist) and build\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/pymc/distributions/discrete.py b/pymc/distributions/discrete.py\nindex f95b4374d..877119350 100644\n--- a/pymc/distributions/discrete.py\n+++ b/pymc/distributions/discrete.py\n@@ -112,6 +112,7 @@ class Binomial(Discrete):\n logit_p : tensor_like of float\n Alternative log odds for the probability of success.\n \"\"\"\n+\n rv_op = binomial\n \n @classmethod\n@@ -334,6 +335,7 @@ class Bernoulli(Discrete):\n logit_p : tensor_like of float\n Alternative log odds for the probability of success.\n \"\"\"\n+\n rv_op = bernoulli\n \n @classmethod\n@@ -450,6 +452,7 @@ class DiscreteWeibull(Discrete):\n Shape parameter (beta > 0).\n \n \"\"\"\n+\n rv_op = discrete_weibull\n \n @classmethod\n@@ -539,6 +542,7 @@ class Poisson(Discrete):\n The Poisson distribution can be derived as a limiting case of the\n binomial distribution.\n \"\"\"\n+\n rv_op = poisson\n \n @classmethod\n@@ -662,6 +666,7 @@ class NegativeBinomial(Discrete):\n n : tensor_like of float\n Alternative number of target success trials (n > 0)\n \"\"\"\n+\n rv_op = nbinom\n \n @classmethod\n@@ -1108,6 +1113,7 @@ class Categorical(Discrete):\n logit_p : float\n Alternative log odds for the probability of success.\n \"\"\"\n+\n rv_op = categorical\n \n @classmethod\n@@ -1183,6 +1189,7 @@ class _OrderedLogistic(Categorical):\n Underlying class for ordered logistic distributions.\n See docs for the OrderedLogistic wrapper class for more details on how to use it in models.\n \"\"\"\n+\n rv_op = categorical\n \n @classmethod\n@@ -1289,6 +1296,7 @@ class _OrderedProbit(Categorical):\n Underlying class for ordered probit distributions.\n See docs for the OrderedProbit wrapper class for more details on how to use it in models.\n \"\"\"\n+\n rv_op = categorical\n \n @classmethod\ndiff --git a/pymc/distributions/multivariate.py b/pymc/distributions/multivariate.py\nindex 1e5a9567a..570c13988 100644\n--- a/pymc/distributions/multivariate.py\n+++ b/pymc/distributions/multivariate.py\n@@ -235,6 +235,7 @@ class MvNormal(Continuous):\n vals_raw = pm.Normal('vals_raw', mu=0, sigma=1, shape=(5, 3))\n vals = pm.Deterministic('vals', pt.dot(chol, vals_raw.T).T)\n \"\"\"\n+\n rv_op = multivariate_normal\n \n @classmethod\n@@ -355,6 +356,7 @@ class MvStudentT(Continuous):\n lower : bool, default=True\n Whether the cholesky fatcor is given as a lower triangular matrix.\n \"\"\"\n+\n rv_op = mv_studentt\n \n @classmethod\n@@ -436,6 +438,7 @@ class Dirichlet(SimplexContinuous):\n Concentration parameters (a > 0). The number of categories is given by the\n length of the last axis.\n \"\"\"\n+\n rv_op = dirichlet\n \n @classmethod\n@@ -515,6 +518,7 @@ class Multinomial(Discrete):\n categories is given by the length of the last axis. Elements are expected to sum\n to 1 along the last axis.\n \"\"\"\n+\n rv_op = multinomial\n \n @classmethod\n@@ -662,6 +666,7 @@ class DirichletMultinomial(Discrete):\n Dirichlet concentration parameters (a > 0). The number of categories is given by\n the length of the last axis.\n \"\"\"\n+\n rv_op = dirichlet_multinomial\n \n @classmethod\n@@ -716,6 +721,7 @@ class _OrderedMultinomial(Multinomial):\n Underlying class for ordered multinomial distributions.\n See docs for the OrderedMultinomial wrapper class for more details on how to use it in models.\n \"\"\"\n+\n rv_op = multinomial\n \n @classmethod\n@@ -940,6 +946,7 @@ class Wishart(Continuous):\n This distribution is unusable in a PyMC model. You should instead\n use LKJCholeskyCov or LKJCorr.\n \"\"\"\n+\n rv_op = wishart\n \n @classmethod\n@@ -1763,6 +1770,7 @@ class MatrixNormal(Continuous):\n vals = pm.MatrixNormal('vals', mu=mu, colchol=colchol, rowcov=rowcov,\n observed=data)\n \"\"\"\n+\n rv_op = matrixnormal\n \n @classmethod\n@@ -1977,6 +1985,7 @@ class KroneckerNormal(Continuous):\n ----------\n .. [1] Saatchi, Y. (2011). \"Scalable inference for structured Gaussian process models\"\n \"\"\"\n+\n rv_op = kroneckernormal\n \n @classmethod\n@@ -2183,6 +2192,7 @@ class CAR(Continuous):\n \"Generalized Hierarchical Multivariate CAR Models for Areal Data\"\n Biometrics, Vol. 61, No. 4 (Dec., 2005), pp. 950-961\n \"\"\"\n+\n rv_op = car\n \n @classmethod\n@@ -2400,9 +2410,7 @@ class ICAR(Continuous):\n return pt.zeros(N)\n \n def logp(value, W, node1, node2, N, sigma, zero_sum_stdev):\n- pairwise_difference = (-1 / (2 * sigma**2)) * pt.sum(\n- pt.square(value[node1] - value[node2])\n- )\n+ pairwise_difference = (-1 / (2 * sigma**2)) * pt.sum(pt.square(value[node1] - value[node2]))\n zero_sum = (\n -0.5 * pt.pow(pt.sum(value) / (zero_sum_stdev * N), 2)\n - pt.log(pt.sqrt(2.0 * np.pi))\n@@ -2498,6 +2506,7 @@ class StickBreakingWeights(SimplexContinuous):\n .. [2] M\u00fcller, P., Quintana, F. A., Jara, A., & Hanson, T. (2015). Bayesian nonparametric data\n analysis. New York: Springer.\n \"\"\"\n+\n rv_op = stickbreakingweights\n \n @classmethod\n@@ -2641,6 +2650,7 @@ class ZeroSumNormal(Distribution):\n # the zero sum axes will be the last two\n v = pm.ZeroSumNormal(\"v\", shape=(3, 4, 5), n_zerosum_axes=2)\n \"\"\"\n+\n rv_type = ZeroSumNormalRV\n \n def __new__(\ndiff --git a/pymc/model/core.py b/pymc/model/core.py\nindex c45f3f550..6ee6d491a 100644\n--- a/pymc/model/core.py\n+++ b/pymc/model/core.py\n@@ -138,9 +138,7 @@ class ContextMeta(type):\n \n # FIXME: is there a more elegant way to automatically add methods to the class that\n # are instance methods instead of class methods?\n- def __init__(\n- cls, name, bases, nmspc, context_class: Optional[Type] = None, **kwargs\n- ): # pylint: disable=unused-argument\n+ def __init__(cls, name, bases, nmspc, context_class: Optional[Type] = None, **kwargs): # pylint: disable=unused-argument\n \"\"\"Add ``__enter__`` and ``__exit__`` methods to the new class automatically.\"\"\"\n if context_class is not None:\n cls._context_class = context_class\n@@ -1740,7 +1738,7 @@ class Model(WithMemoization, metaclass=ContextMeta):\n done = {}\n used_ids = {}\n for i, out in enumerate(rv_inputs.maker.fgraph.outputs):\n- print_(f\"{i}: \", end=\"\"),\n+ (print_(f\"{i}: \", end=\"\"),)\n # Don't print useless deepcopys\n if out.owner and isinstance(out.owner.op, DeepCopyOp):\n out = out.owner.inputs[0]\ndiff --git a/pymc/ode/ode.py b/pymc/ode/ode.py\nindex a5e374130..600f30632 100644\n--- a/pymc/ode/ode.py\n+++ b/pymc/ode/ode.py\n@@ -67,6 +67,7 @@ class DifferentialEquation(Op):\n ode_model = DifferentialEquation(func=odefunc, times=times, n_states=1, n_theta=1, t0=0)\n \n \"\"\"\n+\n _itypes = [\n TensorType(floatX, (False,)), # y0 as 1D floatX vector\n TensorType(floatX, (False,)), # theta as 1D floatX vector\ndiff --git a/pymc/printing.py b/pymc/printing.py\nindex ffc943aa1..9fe7d056c 100644\n--- a/pymc/printing.py\n+++ b/pymc/printing.py\n@@ -123,9 +123,7 @@ def str_for_model(model: Model, formatting: str = \"plain\", include_params: bool\n \\begin{{array}}{{rcl}}\n {}\n \\end{{array}}\n- $$\"\"\".format(\n- \"\\\\\\\\\".join(var_reprs)\n- )\n+ $$\"\"\".format(\"\\\\\\\\\".join(var_reprs))\n else:\n # align vars on their ~\n names = [s[: s.index(\"~\") - 1] for s in var_reprs]\ndiff --git a/pymc/step_methods/metropolis.py b/pymc/step_methods/metropolis.py\nindex 1adb462d9..e080cdd09 100644\n--- a/pymc/step_methods/metropolis.py\n+++ b/pymc/step_methods/metropolis.py\n@@ -134,7 +134,7 @@ class Metropolis(ArrayStepShared):\n tune_interval=100,\n model=None,\n mode=None,\n- **kwargs\n+ **kwargs,\n ):\n \"\"\"Create an instance of a Metropolis stepper\n \n@@ -771,7 +771,7 @@ class DEMetropolis(PopulationArrayStepShared):\n tune_interval=100,\n model=None,\n mode=None,\n- **kwargs\n+ **kwargs,\n ):\n model = pm.modelcontext(model)\n initial_values = model.initial_point()\n@@ -915,7 +915,7 @@ class DEMetropolisZ(ArrayStepShared):\n tune_drop_fraction: float = 0.9,\n model=None,\n mode=None,\n- **kwargs\n+ **kwargs,\n ):\n model = pm.modelcontext(model)\n initial_values = model.initial_point()\ndiff --git a/pymc/tuning/starting.py b/pymc/tuning/starting.py\nindex 6a4d33894..ad5f554ae 100644\n--- a/pymc/tuning/starting.py\n+++ b/pymc/tuning/starting.py\n@@ -52,7 +52,7 @@ def find_MAP(\n model=None,\n *args,\n seed: Optional[int] = None,\n- **kwargs\n+ **kwargs,\n ):\n \"\"\"Finds the local maximum a posteriori point given a model.\n \ndiff --git a/pymc/variational/approximations.py b/pymc/variational/approximations.py\nindex 00df44599..feb0a3a92 100644\n--- a/pymc/variational/approximations.py\n+++ b/pymc/variational/approximations.py\n@@ -46,6 +46,7 @@ class MeanFieldGroup(Group):\n that latent space variables are uncorrelated that is the main drawback\n of the method\n \"\"\"\n+\n __param_spec__ = dict(mu=(\"d\",), rho=(\"d\",))\n short_name = \"mean_field\"\n alias_names = frozenset([\"mf\"])\n@@ -350,27 +351,21 @@ class SingleGroupApproximation(Approximation):\n class MeanField(SingleGroupApproximation):\n __doc__ = \"\"\"**Single Group Mean Field Approximation**\n \n- \"\"\" + str(\n- MeanFieldGroup.__doc__\n- )\n+ \"\"\" + str(MeanFieldGroup.__doc__)\n _group_class = MeanFieldGroup\n \n \n class FullRank(SingleGroupApproximation):\n __doc__ = \"\"\"**Single Group Full Rank Approximation**\n \n- \"\"\" + str(\n- FullRankGroup.__doc__\n- )\n+ \"\"\" + str(FullRankGroup.__doc__)\n _group_class = FullRankGroup\n \n \n class Empirical(SingleGroupApproximation):\n __doc__ = \"\"\"**Single Group Full Rank Approximation**\n \n- \"\"\" + str(\n- EmpiricalGroup.__doc__\n- )\n+ \"\"\" + str(EmpiricalGroup.__doc__)\n _group_class = EmpiricalGroup\n \n def __init__(self, trace=None, size=None, **kwargs):\ndiff --git a/pymc/variational/operators.py b/pymc/variational/operators.py\nindex 1122a704b..f6ef09572 100644\n--- a/pymc/variational/operators.py\n+++ b/pymc/variational/operators.py\n@@ -130,6 +130,7 @@ class KSD(Operator):\n Stein Variational Gradient Descent: A General Purpose Bayesian Inference Algorithm\n arXiv:1608.04471\n \"\"\"\n+\n has_test_function = True\n returns_loss = False\n require_logq = False\ndiff --git a/pymc/variational/opvi.py b/pymc/variational/opvi.py\nindex cf98c985a..bd1874ffe 100644\n--- a/pymc/variational/opvi.py\n+++ b/pymc/variational/opvi.py\n@@ -663,6 +663,7 @@ class Group(WithMemoization):\n - Kingma, D. P., & Welling, M. (2014).\n `Auto-Encoding Variational Bayes. stat, 1050, 1. `_\n \"\"\"\n+\n # needs to be defined in init\n shared_params = None\n symbolic_initial = None\n@@ -709,8 +710,9 @@ class Group(WithMemoization):\n def group_for_short_name(cls, name):\n if name.lower() not in cls.__name_registry:\n raise KeyError(\n- \"No such group: {!r}, \"\n- \"only the following are supported\\n\\n{}\".format(name, cls.__name_registry)\n+ \"No such group: {!r}, \" \"only the following are supported\\n\\n{}\".format(\n+ name, cls.__name_registry\n+ )\n )\n return cls.__name_registry[name.lower()]\n \ndiff --git a/versioneer.py b/versioneer.py\nindex a560e685f..c2b9d28bc 100644\n--- a/versioneer.py\n+++ b/versioneer.py\n@@ -432,9 +432,7 @@ def run_command(commands, args, cwd=None, verbose=False, hide_stderr=False, env=\n return stdout, process.returncode\n \n \n-LONG_VERSION_PY[\n- \"git\"\n-] = r'''\n+LONG_VERSION_PY[\"git\"] = r'''\n # This file helps to compute a version number in source trees obtained from\n # git-archive tarball (such as those provided by githubs download-from-tag\n # feature). Distribution tarballs (built by setup.py sdist) and build\n", "difficulty": 2, "changed_files": ["pymc/distributions/discrete.py", "pymc/distributions/multivariate.py", "pymc/model/core.py", "pymc/ode/ode.py", "pymc/printing.py", "pymc/step_methods/metropolis.py", "pymc/tuning/starting.py", "pymc/variational/approximations.py", "pymc/variational/operators.py", "pymc/variational/opvi.py", "versioneer.py"], "commit_link": "https://github.com/pymc-devs/pymc/tree/9981ca154ba03a88deaa96d16b119de6183017e5"} \ No newline at end of file diff --git a/data/python/99ad8a3.json b/data/python/99ad8a3.json new file mode 100644 index 0000000000000000000000000000000000000000..cf51bf7a38d1de75621c57d6da8f22560a12022f --- /dev/null +++ b/data/python/99ad8a3.json @@ -0,0 +1 @@ +{"language": "Python", "id": 52, "repo_owner": "googleapis", "repo_name": "google-cloud-python", "head_branch": "owl-bot-copy-packages-google-ai-generativelanguage", "workflow_name": "docs", "workflow_filename": "docs.yml", "workflow_path": ".github/workflows/docs.yml", "contributor": "googleapis", "sha_fail": "99ad8a351bb884f1e398c1d85c62d6b6e0bdd67e", "sha_success": "fba9d4b774cc6158768b3b503c43f72c005edfce", "workflow": "on:\n pull_request:\n branches:\n - main\nname: docs\n\npermissions:\n contents: read\n\njobs:\n docs:\n runs-on: ubuntu-latest\n steps:\n - name: Checkout\n uses: actions/checkout@v4\n # Use a fetch-depth of 2 to avoid error `fatal: origin/main...HEAD: no merge base`\n # See https://github.com/googleapis/google-cloud-python/issues/12013\n # and https://github.com/actions/checkout#checkout-head.\n with:\n fetch-depth: 2\n - name: Setup Python\n uses: actions/setup-python@v5\n with:\n python-version: \"3.10\"\n - name: Install nox\n run: |\n python -m pip install --upgrade setuptools pip wheel\n python -m pip install nox\n - name: Run docs\n env:\n BUILD_TYPE: presubmit\n TEST_TYPE: docs\n PY_VERSION: \"3.10\"\n run: |\n ci/run_conditional_tests.sh\n docfx:\n runs-on: ubuntu-latest\n steps:\n - name: Checkout\n uses: actions/checkout@v4\n # Use a fetch-depth of 2 to avoid error `fatal: origin/main...HEAD: no merge base`\n # See https://github.com/googleapis/google-cloud-python/issues/12013\n # and https://github.com/actions/checkout#checkout-head.\n with:\n fetch-depth: 2\n - name: Setup Python\n uses: actions/setup-python@v5\n with:\n python-version: \"3.10\"\n - name: Install nox\n run: |\n python -m pip install --upgrade setuptools pip wheel\n python -m pip install nox\n - name: Run docfx\n env:\n BUILD_TYPE: presubmit\n TEST_TYPE: docfx\n PY_VERSION: \"3.10\"\n run: |\n ci/run_conditional_tests.sh\n", "logs": [{"step_name": "docs/5_Run docs.txt", "log": "##[group]Run ci/run_conditional_tests.sh\n\u001b[36;1mci/run_conditional_tests.sh\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n BUILD_TYPE: presubmit\n TEST_TYPE: docs\n PY_VERSION: 3.10\n##[endgroup]\nFrom https://github.com/googleapis/google-cloud-python\n * branch main -> FETCH_HEAD\n * [new branch] main -> origin/main\nchecking changes with 'git diff --quiet origin/main... packages/google-ai-generativelanguage/'\nchange detected in packages/google-ai-generativelanguage/\nrunning test in packages/google-ai-generativelanguage/\n~/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage ~/work/google-cloud-python/google-cloud-python\nnox > Running session docs\nnox > Creating virtual environment (virtualenv) using python3.10 in .nox/docs\nnox > python -m pip install -e .\nnox > python -m pip install sphinxcontrib-applehelp==1.0.4 sphinxcontrib-devhelp==1.0.2 sphinxcontrib-htmlhelp==2.0.1 sphinxcontrib-qthelp==1.0.3 sphinxcontrib-serializinghtml==1.1.5 sphinx==4.5.0 alabaster recommonmark\nnox > sphinx-build -W -T -N -b html -d docs/_build/doctrees/ docs/ docs/_build/html/\nRunning Sphinx v4.5.0\nmaking output directory... done\n[autosummary] generating autosummary for: CHANGELOG.md, README.rst, generativelanguage_v1/generative_service.rst, generativelanguage_v1/model_service.rst, generativelanguage_v1/services_.rst, generativelanguage_v1/types_.rst, generativelanguage_v1beta/discuss_service.rst, generativelanguage_v1beta/generative_service.rst, generativelanguage_v1beta/model_service.rst, generativelanguage_v1beta/permission_service.rst, ..., generativelanguage_v1beta2/text_service.rst, generativelanguage_v1beta2/types_.rst, generativelanguage_v1beta3/discuss_service.rst, generativelanguage_v1beta3/model_service.rst, generativelanguage_v1beta3/permission_service.rst, generativelanguage_v1beta3/services_.rst, generativelanguage_v1beta3/text_service.rst, generativelanguage_v1beta3/types_.rst, index.rst, multiprocessing.rst\nloading intersphinx inventory from https://python.readthedocs.org/en/latest/objects.inv...\nloading intersphinx inventory from https://googleapis.dev/python/google-auth/latest/objects.inv...\nloading intersphinx inventory from https://googleapis.dev/python/google-api-core/latest/objects.inv...\nloading intersphinx inventory from https://grpc.github.io/grpc/python/objects.inv...\nloading intersphinx inventory from https://proto-plus-python.readthedocs.io/en/latest/objects.inv...\nloading intersphinx inventory from https://googleapis.dev/python/protobuf/latest/objects.inv...\nintersphinx inventory has moved: https://python.readthedocs.org/en/latest/objects.inv -> https://python.readthedocs.io/en/latest/objects.inv\nbuilding [mo]: targets for 0 po files that are out of date\nbuilding [html]: targets for 27 source files that are out of date\nupdating environment: [new config] 27 added, 0 changed, 0 removed\nreading sources... [ 3%] CHANGELOG\n/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/recommonmark/parser.py:75: UserWarning: Container node skipped: type=document\n warn(\"Container node skipped: type={0}\".format(mdnode.t))\nreading sources... [ 7%] README\nreading sources... [ 11%] generativelanguage_v1/generative_service\nreading sources... [ 14%] generativelanguage_v1/model_service\nreading sources... [ 18%] generativelanguage_v1/services_\nreading sources... [ 22%] generativelanguage_v1/types_\nreading sources... [ 25%] generativelanguage_v1beta/discuss_service\nreading sources... [ 29%] generativelanguage_v1beta/generative_service\nreading sources... [ 33%] generativelanguage_v1beta/model_service\nreading sources... [ 37%] generativelanguage_v1beta/permission_service\nreading sources... [ 40%] generativelanguage_v1beta/retriever_service\nreading sources... [ 44%] generativelanguage_v1beta/services_\nreading sources... [ 48%] generativelanguage_v1beta/text_service\nreading sources... [ 51%] generativelanguage_v1beta/types_\nreading sources... [ 55%] generativelanguage_v1beta2/discuss_service\nreading sources... [ 59%] generativelanguage_v1beta2/model_service\nreading sources... [ 62%] generativelanguage_v1beta2/services_\nreading sources... [ 66%] generativelanguage_v1beta2/text_service\nreading sources... [ 70%] generativelanguage_v1beta2/types_\nreading sources... [ 74%] generativelanguage_v1beta3/discuss_service\nreading sources... [ 77%] generativelanguage_v1beta3/model_service\nreading sources... [ 81%] generativelanguage_v1beta3/permission_service\nreading sources... [ 85%] generativelanguage_v1beta3/services_\nreading sources... [ 88%] generativelanguage_v1beta3/text_service\nreading sources... [ 92%] generativelanguage_v1beta3/types_\nreading sources... [ 96%] index\nreading sources... [100%] multiprocessing\n\n\nTraceback (most recent call last):\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/cmd/build.py\", line 276, in build_main\n app.build(args.force_all, filenames)\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/application.py\", line 330, in build\n self.builder.build_update()\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/builders/__init__.py\", line 286, in build_update\n self.build(to_build,\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/builders/__init__.py\", line 299, in build\n with logging.pending_warnings():\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/contextlib.py\", line 142, in __exit__\n next(self.gen)\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/util/logging.py\", line 217, in pending_warnings\n memhandler.flushTo(logger)\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/util/logging.py\", line 182, in flushTo\n logger.handle(record)\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/logging/__init__.py\", line 1634, in handle\n self.callHandlers(record)\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/logging/__init__.py\", line 1696, in callHandlers\n hdlr.handle(record)\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/logging/__init__.py\", line 964, in handle\n rv = self.filter(record)\n File \"/opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/logging/__init__.py\", line 821, in filter\n result = f.filter(record)\n File \"/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/.nox/docs/lib/python3.10/site-packages/sphinx/util/logging.py\", line 425, in filter\n raise exc\nsphinx.errors.SphinxWarning: /home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py:docstring of google.ai.generativelanguage_v1beta.types.retriever.Document:6:Inline emphasis start-string without end-string.\n\nWarning, treated as error:\n/home/runner/work/google-cloud-python/google-cloud-python/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py:docstring of google.ai.generativelanguage_v1beta.types.retriever.Document:6:Inline emphasis start-string without end-string.\nnox > Command sphinx-build -W -T -N -b html -d docs/_build/doctrees/ docs/ docs/_build/html/ failed with exit code 2\nnox > Session docs failed.\n~/work/google-cloud-python/google-cloud-python\nchecking changes with 'git diff --quiet origin/main... packages/google-analytics-admin/'\nno change detected in packages/google-analytics-admin/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-analytics-data/'\nno change detected in packages/google-analytics-data/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-apps-meet/'\nno change detected in packages/google-apps-meet/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-apps-script-type/'\nno change detected in packages/google-apps-script-type/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-area120-tables/'\nno change detected in packages/google-area120-tables/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-access-approval/'\nno change detected in packages/google-cloud-access-approval/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-advisorynotifications/'\nno change detected in packages/google-cloud-advisorynotifications/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-alloydb-connectors/'\nno change detected in packages/google-cloud-alloydb-connectors/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-alloydb/'\nno change detected in packages/google-cloud-alloydb/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-api-gateway/'\nno change detected in packages/google-cloud-api-gateway/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-api-keys/'\nno change detected in packages/google-cloud-api-keys/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-apigee-connect/'\nno change detected in packages/google-cloud-apigee-connect/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-apigee-registry/'\nno change detected in packages/google-cloud-apigee-registry/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-appengine-admin/'\nno change detected in packages/google-cloud-appengine-admin/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-appengine-logging/'\nno change detected in packages/google-cloud-appengine-logging/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-artifact-registry/'\nno change detected in packages/google-cloud-artifact-registry/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-asset/'\nno change detected in packages/google-cloud-asset/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-assured-workloads/'\nno change detected in packages/google-cloud-assured-workloads/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-automl/'\nno change detected in packages/google-cloud-automl/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bare-metal-solution/'\nno change detected in packages/google-cloud-bare-metal-solution/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-batch/'\nno change detected in packages/google-cloud-batch/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-beyondcorp-appconnections/'\nno change detected in packages/google-cloud-beyondcorp-appconnections/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-beyondcorp-appconnectors/'\nno change detected in packages/google-cloud-beyondcorp-appconnectors/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-beyondcorp-appgateways/'\nno change detected in packages/google-cloud-beyondcorp-appgateways/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-beyondcorp-clientconnectorservices/'\nno change detected in packages/google-cloud-beyondcorp-clientconnectorservices/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-beyondcorp-clientgateways/'\nno change detected in packages/google-cloud-beyondcorp-clientgateways/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-analyticshub/'\nno change detected in packages/google-cloud-bigquery-analyticshub/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-biglake/'\nno change detected in packages/google-cloud-bigquery-biglake/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-connection/'\nno change detected in packages/google-cloud-bigquery-connection/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-data-exchange/'\nno change detected in packages/google-cloud-bigquery-data-exchange/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-datapolicies/'\nno change detected in packages/google-cloud-bigquery-datapolicies/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-datatransfer/'\nno change detected in packages/google-cloud-bigquery-datatransfer/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-logging/'\nno change detected in packages/google-cloud-bigquery-logging/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-migration/'\nno change detected in packages/google-cloud-bigquery-migration/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-bigquery-reservation/'\nno change detected in packages/google-cloud-bigquery-reservation/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-billing-budgets/'\nno change detected in packages/google-cloud-billing-budgets/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-billing/'\nno change detected in packages/google-cloud-billing/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-binary-authorization/'\nno change detected in packages/google-cloud-binary-authorization/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-build/'\nno change detected in packages/google-cloud-build/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-certificate-manager/'\nno change detected in packages/google-cloud-certificate-manager/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-channel/'\nno change detected in packages/google-cloud-channel/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-cloudquotas/'\nno change detected in packages/google-cloud-cloudquotas/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-commerce-consumer-procurement/'\nno change detected in packages/google-cloud-commerce-consumer-procurement/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-common/'\nno change detected in packages/google-cloud-common/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-compute/'\nno change detected in packages/google-cloud-compute/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-confidentialcomputing/'\nno change detected in packages/google-cloud-confidentialcomputing/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-config/'\nno change detected in packages/google-cloud-config/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-contact-center-insights/'\nno change detected in packages/google-cloud-contact-center-insights/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-container/'\nno change detected in packages/google-cloud-container/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-containeranalysis/'\nno change detected in packages/google-cloud-containeranalysis/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-contentwarehouse/'\nno change detected in packages/google-cloud-contentwarehouse/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-data-fusion/'\nno change detected in packages/google-cloud-data-fusion/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-data-qna/'\nno change detected in packages/google-cloud-data-qna/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-datacatalog-lineage/'\nno change detected in packages/google-cloud-datacatalog-lineage/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-datacatalog/'\nno change detected in packages/google-cloud-datacatalog/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dataflow-client/'\nno change detected in packages/google-cloud-dataflow-client/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dataform/'\nno change detected in packages/google-cloud-dataform/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-datalabeling/'\nno change detected in packages/google-cloud-datalabeling/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dataplex/'\nno change detected in packages/google-cloud-dataplex/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dataproc-metastore/'\nno change detected in packages/google-cloud-dataproc-metastore/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dataproc/'\nno change detected in packages/google-cloud-dataproc/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-datastream/'\nno change detected in packages/google-cloud-datastream/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-deploy/'\nno change detected in packages/google-cloud-deploy/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dialogflow-cx/'\nno change detected in packages/google-cloud-dialogflow-cx/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dialogflow/'\nno change detected in packages/google-cloud-dialogflow/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-discoveryengine/'\nno change detected in packages/google-cloud-discoveryengine/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dlp/'\nno change detected in packages/google-cloud-dlp/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-dms/'\nno change detected in packages/google-cloud-dms/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-documentai/'\nno change detected in packages/google-cloud-documentai/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-domains/'\nno change detected in packages/google-cloud-domains/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-edgecontainer/'\nno change detected in packages/google-cloud-edgecontainer/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-edgenetwork/'\nno change detected in packages/google-cloud-edgenetwork/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-enterpriseknowledgegraph/'\nno change detected in packages/google-cloud-enterpriseknowledgegraph/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-essential-contacts/'\nno change detected in packages/google-cloud-essential-contacts/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-eventarc-publishing/'\nno change detected in packages/google-cloud-eventarc-publishing/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-eventarc/'\nno change detected in packages/google-cloud-eventarc/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-filestore/'\nno change detected in packages/google-cloud-filestore/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-functions/'\nno change detected in packages/google-cloud-functions/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-gke-backup/'\nno change detected in packages/google-cloud-gke-backup/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-gke-connect-gateway/'\nno change detected in packages/google-cloud-gke-connect-gateway/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-gke-hub/'\nno change detected in packages/google-cloud-gke-hub/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-gke-multicloud/'\nno change detected in packages/google-cloud-gke-multicloud/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-gsuiteaddons/'\nno change detected in packages/google-cloud-gsuiteaddons/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-iam-logging/'\nno change detected in packages/google-cloud-iam-logging/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-iam/'\nno change detected in packages/google-cloud-iam/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-iap/'\nno change detected in packages/google-cloud-iap/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-ids/'\nno change detected in packages/google-cloud-ids/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-kms-inventory/'\nno change detected in packages/google-cloud-kms-inventory/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-kms/'\nno change detected in packages/google-cloud-kms/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-language/'\nno change detected in packages/google-cloud-language/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-life-sciences/'\nno change detected in packages/google-cloud-life-sciences/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-managed-identities/'\nno change detected in packages/google-cloud-managed-identities/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-media-translation/'\nno change detected in packages/google-cloud-media-translation/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-memcache/'\nno change detected in packages/google-cloud-memcache/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-migrationcenter/'\nno change detected in packages/google-cloud-migrationcenter/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-monitoring-dashboards/'\nno change detected in packages/google-cloud-monitoring-dashboards/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-monitoring-metrics-scopes/'\nno change detected in packages/google-cloud-monitoring-metrics-scopes/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-monitoring/'\nno change detected in packages/google-cloud-monitoring/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-netapp/'\nno change detected in packages/google-cloud-netapp/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-network-connectivity/'\nno change detected in packages/google-cloud-network-connectivity/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-network-management/'\nno change detected in packages/google-cloud-network-management/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-network-security/'\nno change detected in packages/google-cloud-network-security/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-network-services/'\nno change detected in packages/google-cloud-network-services/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-notebooks/'\nno change detected in packages/google-cloud-notebooks/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-optimization/'\nno change detected in packages/google-cloud-optimization/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-orchestration-airflow/'\nno change detected in packages/google-cloud-orchestration-airflow/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-os-config/'\nno change detected in packages/google-cloud-os-config/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-os-login/'\nno change detected in packages/google-cloud-os-login/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-phishing-protection/'\nno change detected in packages/google-cloud-phishing-protection/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-policy-troubleshooter/'\nno change detected in packages/google-cloud-policy-troubleshooter/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-policysimulator/'\nno change detected in packages/google-cloud-policysimulator/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-policytroubleshooter-iam/'\nno change detected in packages/google-cloud-policytroubleshooter-iam/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-private-ca/'\nno change detected in packages/google-cloud-private-ca/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-private-catalog/'\nno change detected in packages/google-cloud-private-catalog/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-public-ca/'\nno change detected in packages/google-cloud-public-ca/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-rapidmigrationassessment/'\nno change detected in packages/google-cloud-rapidmigrationassessment/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-recaptcha-enterprise/'\nno change detected in packages/google-cloud-recaptcha-enterprise/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-recommendations-ai/'\nno change detected in packages/google-cloud-recommendations-ai/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-recommender/'\nno change detected in packages/google-cloud-recommender/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-redis-cluster/'\nno change detected in packages/google-cloud-redis-cluster/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-redis/'\nno change detected in packages/google-cloud-redis/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-resource-manager/'\nno change detected in packages/google-cloud-resource-manager/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-resource-settings/'\nno change detected in packages/google-cloud-resource-settings/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-retail/'\nno change detected in packages/google-cloud-retail/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-run/'\nno change detected in packages/google-cloud-run/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-scheduler/'\nno change detected in packages/google-cloud-scheduler/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-secret-manager/'\nno change detected in packages/google-cloud-secret-manager/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-securesourcemanager/'\nno change detected in packages/google-cloud-securesourcemanager/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-securitycenter/'\nno change detected in packages/google-cloud-securitycenter/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-securitycentermanagement/'\nno change detected in packages/google-cloud-securitycentermanagement/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-service-control/'\nno change detected in packages/google-cloud-service-control/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-service-directory/'\nno change detected in packages/google-cloud-service-directory/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-service-management/'\nno change detected in packages/google-cloud-service-management/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-service-usage/'\nno change detected in packages/google-cloud-service-usage/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-servicehealth/'\nno change detected in packages/google-cloud-servicehealth/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-shell/'\nno change detected in packages/google-cloud-shell/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-source-context/'\nno change detected in packages/google-cloud-source-context/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-speech/'\nno change detected in packages/google-cloud-speech/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-storage-transfer/'\nno change detected in packages/google-cloud-storage-transfer/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-storageinsights/'\nno change detected in packages/google-cloud-storageinsights/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-support/'\nno change detected in packages/google-cloud-support/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-talent/'\nno change detected in packages/google-cloud-talent/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-tasks/'\nno change detected in packages/google-cloud-tasks/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-telcoautomation/'\nno change detected in packages/google-cloud-telcoautomation/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-texttospeech/'\nno change detected in packages/google-cloud-texttospeech/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-tpu/'\nno change detected in packages/google-cloud-tpu/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-trace/'\nno change detected in packages/google-cloud-trace/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-translate/'\nno change detected in packages/google-cloud-translate/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-video-live-stream/'\nno change detected in packages/google-cloud-video-live-stream/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-video-stitcher/'\nno change detected in packages/google-cloud-video-stitcher/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-video-transcoder/'\nno change detected in packages/google-cloud-video-transcoder/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-videointelligence/'\nno change detected in packages/google-cloud-videointelligence/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-vision/'\nno change detected in packages/google-cloud-vision/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-vm-migration/'\nno change detected in packages/google-cloud-vm-migration/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-vmwareengine/'\nno change detected in packages/google-cloud-vmwareengine/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-vpc-access/'\nno change detected in packages/google-cloud-vpc-access/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-webrisk/'\nno change detected in packages/google-cloud-webrisk/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-websecurityscanner/'\nno change detected in packages/google-cloud-websecurityscanner/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-workflows/'\nno change detected in packages/google-cloud-workflows/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-cloud-workstations/'\nno change detected in packages/google-cloud-workstations/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-geo-type/'\nno change detected in packages/google-geo-type/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-addressvalidation/'\nno change detected in packages/google-maps-addressvalidation/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-fleetengine-delivery/'\nno change detected in packages/google-maps-fleetengine-delivery/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-fleetengine/'\nno change detected in packages/google-maps-fleetengine/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-mapsplatformdatasets/'\nno change detected in packages/google-maps-mapsplatformdatasets/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-places/'\nno change detected in packages/google-maps-places/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-maps-routing/'\nno change detected in packages/google-maps-routing/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-shopping-css/'\nno change detected in packages/google-shopping-css/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-shopping-merchant-inventories/'\nno change detected in packages/google-shopping-merchant-inventories/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-shopping-merchant-reports/'\nno change detected in packages/google-shopping-merchant-reports/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/google-shopping-type/'\nno change detected in packages/google-shopping-type/, skipping\nchecking changes with 'git diff --quiet origin/main... packages/grafeas/'\nno change detected in packages/grafeas/, skipping\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py\nindex c00ad1b89194..3af2c6a1a58c 100644\n--- a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py\n+++ b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py\n@@ -88,7 +88,7 @@ class Document(proto.Message):\n Attributes:\n name (str):\n Immutable. Identifier. The ``Document`` resource name. The\n- ID (name excluding the \"corpora/*/documents/\" prefix) can\n+ ID (name excluding the `corpora/*/documents/` prefix) can\n contain up to 40 characters that are lowercase alphanumeric\n or dashes (-). The ID cannot start or end with a dash. If\n the name is empty on create, a unique name will be derived\n@@ -315,7 +315,7 @@ class Chunk(proto.Message):\n Attributes:\n name (str):\n Immutable. Identifier. The ``Chunk`` resource name. The ID\n- (name excluding the \"corpora/*/documents/*/chunks/\" prefix)\n+ (name excluding the `corpora/*/documents/*/chunks/` prefix)\n can contain up to 40 characters that are lowercase\n alphanumeric or dashes (-). The ID cannot start or end with\n a dash. If the name is empty on create, a random\ndiff --git a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/async_client.py b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/async_client.py\nindex 1a80d83885de..28d0b0f12ee5 100644\n--- a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/async_client.py\n+++ b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/async_client.py\n@@ -305,11 +305,11 @@ class PermissionServiceAsyncClient:\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -432,11 +432,11 @@ class PermissionServiceAsyncClient:\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -682,11 +682,11 @@ class PermissionServiceAsyncClient:\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\ndiff --git a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/client.py b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/client.py\nindex 78bbe681b0cc..9afdb7375e5e 100644\n--- a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/client.py\n+++ b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/client.py\n@@ -542,11 +542,11 @@ class PermissionServiceClient(metaclass=PermissionServiceClientMeta):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -669,11 +669,11 @@ class PermissionServiceClient(metaclass=PermissionServiceClientMeta):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -919,11 +919,11 @@ class PermissionServiceClient(metaclass=PermissionServiceClientMeta):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\ndiff --git a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/transports/rest.py b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/transports/rest.py\nindex 12af3b148a45..352dfe0983f9 100644\n--- a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/transports/rest.py\n+++ b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/transports/rest.py\n@@ -395,11 +395,11 @@ class PermissionServiceRestTransport(PermissionServiceTransport):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -592,11 +592,11 @@ class PermissionServiceRestTransport(PermissionServiceTransport):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\n@@ -891,11 +891,11 @@ class PermissionServiceRestTransport(PermissionServiceTransport):\n role is a superset of the previous\n role's permitted operations:\n \n- - reader can use the resource (e.g.\n+ - reader can use the resource (e.g.\n tuned model) for inference\n- - writer has reader's permissions and\n+ - writer has reader's permissions and\n additionally can edit and share\n- - owner has writer's permissions and\n+ - owner has writer's permissions and\n additionally can delete\n \n \"\"\"\ndiff --git a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/types/permission.py b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/types/permission.py\nindex 115ca22e8bef..09af2311c4ed 100644\n--- a/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/types/permission.py\n+++ b/packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/types/permission.py\n@@ -41,10 +41,10 @@ class Permission(proto.Message):\n There are three concentric roles. Each role is a superset of the\n previous role's permitted operations:\n \n- - reader can use the resource (e.g. tuned model) for inference\n- - writer has reader's permissions and additionally can edit and\n+ - reader can use the resource (e.g. tuned model) for inference\n+ - writer has reader's permissions and additionally can edit and\n share\n- - owner has writer's permissions and additionally can delete\n+ - owner has writer's permissions and additionally can delete\n \n \n .. _oneof: https://proto-plus-python.readthedocs.io/en/stable/fields.html#oneofs-mutually-exclusive-fields\n", "difficulty": 0, "changed_files": ["packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta/types/retriever.py", "packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/async_client.py", "packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/client.py", "packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/services/permission_service/transports/rest.py", "packages/google-ai-generativelanguage/google/ai/generativelanguage_v1beta3/types/permission.py"], "commit_link": "https://github.com/googleapis/google-cloud-python/tree/99ad8a351bb884f1e398c1d85c62d6b6e0bdd67e"} \ No newline at end of file diff --git a/data/python/9e1aa7b.json b/data/python/9e1aa7b.json new file mode 100644 index 0000000000000000000000000000000000000000..f6478ff91c2e5ed2f687b9f11a8d43ede4b04549 --- /dev/null +++ b/data/python/9e1aa7b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 30, "repo_owner": "octodns", "repo_name": "octodns", "head_branch": "ajalil/zone-not-found-error", "workflow_name": "OctoDNS", "workflow_filename": "main.yml", "workflow_path": ".github/workflows/main.yml", "contributor": "AlizeyJalil", "sha_fail": "9e1aa7b8edfb723656f41f97bab57f9a653d5e1b", "sha_success": "98a11753994a5d3d80f84ec4db85a0deb819ba52", "workflow": "name: OctoDNS\non: [pull_request]\n\njobs:\n config:\n runs-on: ubuntu-latest\n outputs:\n json: ${{ steps.load.outputs.json }}\n steps:\n - uses: actions/checkout@v4\n - id: load\n # based on https://docs.github.com/en/actions/using-workflows/workflow-commands-for-github-actions#multiline-strings\n run: |\n {\n echo 'json<> $GITHUB_OUTPUT\n ci:\n needs: config\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n # Defined in a file that resides in the top level of octodns/octodns,\n # based on dates in https://devguide.python.org/versions/#versions\n python-version: ${{ fromJson(needs.config.outputs.json).python_versions_active }}\n steps:\n - uses: actions/checkout@v4\n - name: Setup python\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n architecture: x64\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install -r requirements.txt\n pip install virtualenv\n - name: CI Build\n run: |\n ./script/cibuild\n - name: Store Code Coverage Data\n # if the previous step(s) failed try anyways\n if: always()\n uses: actions/upload-artifact@v3\n with:\n name: code-coverage-${{ matrix.python-version }}\n path: |\n .coverage\n coverage.xml\n htmlcov\n setup-py:\n needs: config\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - name: Setup python\n uses: actions/setup-python@v4\n with:\n # Most recent release from https://devguide.python.org/versions/#versions\n python-version: ${{ fromJson(needs.config.outputs.json).python_version_current }}\n architecture: x64\n - name: CI setup.py\n run: |\n ./script/cibuild-setup-py\n", "logs": [{"step_name": "setup-py/4_CI setup.py.txt", "log": "##[group]Run ./script/cibuild-setup-py\n\u001b[36;1m./script/cibuild-setup-py\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\n## create test venv ############################################################\nCollecting setuptools\n Obtaining dependency information for setuptools from https://files.pythonhosted.org/packages/bb/e1/ed2dd0850446b8697ad28d118df885ad04140c64ace06c4bd559f7c8a94f/setuptools-69.0.2-py3-none-any.whl.metadata\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 22.3 MB/s eta 0:00:00\nInstalling collected packages: setuptools\nSuccessfully installed setuptools-69.0.2\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\n## environment & versions ######################################################\nPython 3.12.0\npip 23.2.1 from /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/pip (python 3.12)\n## validate setup.py build #####################################################\nrunning build\nrunning build_py\ncreating build\ncreating build/lib\ncreating build/lib/octodns\ncopying octodns/context.py -> build/lib/octodns\ncopying octodns/deprecation.py -> build/lib/octodns\ncopying octodns/equality.py -> build/lib/octodns\ncopying octodns/__init__.py -> build/lib/octodns\ncopying octodns/zone.py -> build/lib/octodns\ncopying octodns/idna.py -> build/lib/octodns\ncopying octodns/yaml.py -> build/lib/octodns\ncopying octodns/manager.py -> build/lib/octodns\ncreating build/lib/octodns/source\ncopying octodns/source/base.py -> build/lib/octodns/source\ncopying octodns/source/__init__.py -> build/lib/octodns/source\ncopying octodns/source/tinydns.py -> build/lib/octodns/source\ncopying octodns/source/envvar.py -> build/lib/octodns/source\ncreating build/lib/octodns/cmds\ncopying octodns/cmds/sync.py -> build/lib/octodns/cmds\ncopying octodns/cmds/report.py -> build/lib/octodns/cmds\ncopying octodns/cmds/dump.py -> build/lib/octodns/cmds\ncopying octodns/cmds/args.py -> build/lib/octodns/cmds\ncopying octodns/cmds/__init__.py -> build/lib/octodns/cmds\ncopying octodns/cmds/versions.py -> build/lib/octodns/cmds\ncopying octodns/cmds/compare.py -> build/lib/octodns/cmds\ncopying octodns/cmds/validate.py -> build/lib/octodns/cmds\ncreating build/lib/octodns/record\ncopying octodns/record/base.py -> build/lib/octodns/record\ncopying octodns/record/txt.py -> build/lib/octodns/record\ncopying octodns/record/naptr.py -> build/lib/octodns/record\ncopying octodns/record/alias.py -> build/lib/octodns/record\ncopying octodns/record/geo_data.py -> build/lib/octodns/record\ncopying octodns/record/ptr.py -> build/lib/octodns/record\ncopying octodns/record/ns.py -> build/lib/octodns/record\ncopying octodns/record/cname.py -> build/lib/octodns/record\ncopying octodns/record/urlfwd.py -> build/lib/octodns/record\ncopying octodns/record/rr.py -> build/lib/octodns/record\ncopying octodns/record/target.py -> build/lib/octodns/record\ncopying octodns/record/exception.py -> build/lib/octodns/record\ncopying octodns/record/__init__.py -> build/lib/octodns/record\ncopying octodns/record/tlsa.py -> build/lib/octodns/record\ncopying octodns/record/srv.py -> build/lib/octodns/record\ncopying octodns/record/caa.py -> build/lib/octodns/record\ncopying octodns/record/dynamic.py -> build/lib/octodns/record\ncopying octodns/record/loc.py -> build/lib/octodns/record\ncopying octodns/record/chunked.py -> build/lib/octodns/record\ncopying octodns/record/ip.py -> build/lib/octodns/record\ncopying octodns/record/ds.py -> build/lib/octodns/record\ncopying octodns/record/spf.py -> build/lib/octodns/record\ncopying octodns/record/aaaa.py -> build/lib/octodns/record\ncopying octodns/record/a.py -> build/lib/octodns/record\ncopying octodns/record/subnet.py -> build/lib/octodns/record\ncopying octodns/record/change.py -> build/lib/octodns/record\ncopying octodns/record/geo.py -> build/lib/octodns/record\ncopying octodns/record/dname.py -> build/lib/octodns/record\ncopying octodns/record/sshfp.py -> build/lib/octodns/record\ncopying octodns/record/mx.py -> build/lib/octodns/record\ncreating build/lib/octodns/processor\ncopying octodns/processor/meta.py -> build/lib/octodns/processor\ncopying octodns/processor/base.py -> build/lib/octodns/processor\ncopying octodns/processor/ownership.py -> build/lib/octodns/processor\ncopying octodns/processor/filter.py -> build/lib/octodns/processor\ncopying octodns/processor/__init__.py -> build/lib/octodns/processor\ncopying octodns/processor/restrict.py -> build/lib/octodns/processor\ncopying octodns/processor/acme.py -> build/lib/octodns/processor\ncopying octodns/processor/spf.py -> build/lib/octodns/processor\ncopying octodns/processor/arpa.py -> build/lib/octodns/processor\ncreating build/lib/octodns/provider\ncopying octodns/provider/base.py -> build/lib/octodns/provider\ncopying octodns/provider/plan.py -> build/lib/octodns/provider\ncopying octodns/provider/__init__.py -> build/lib/octodns/provider\ncopying octodns/provider/yaml.py -> build/lib/octodns/provider\n## validate setup.py install ###################################################\nrunning install\n/tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/setuptools/_distutils/cmd.py:66: SetuptoolsDeprecationWarning: setup.py install is deprecated.\n!!\n\n ********************************************************************************\n Please avoid running ``setup.py`` directly.\n Instead, use pypa/build, pypa/installer or other\n standards-based tools.\n\n See https://blog.ganssle.io/articles/2021/10/setup-py-deprecated.html for details.\n ********************************************************************************\n\n!!\n self.initialize_options()\n/tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/setuptools/_distutils/cmd.py:66: EasyInstallDeprecationWarning: easy_install command is deprecated.\n!!\n\n ********************************************************************************\n Please avoid running ``setup.py`` and ``easy_install``.\n Instead, use pypa/build, pypa/installer or other\n standards-based tools.\n\n See https://github.com/pypa/setuptools/issues/917 for details.\n ********************************************************************************\n\n!!\n self.initialize_options()\nrunning bdist_egg\nrunning egg_info\ncreating octodns.egg-info\nwriting octodns.egg-info/PKG-INFO\nwriting dependency_links to octodns.egg-info/dependency_links.txt\nwriting entry points to octodns.egg-info/entry_points.txt\nwriting requirements to octodns.egg-info/requires.txt\nwriting top-level names to octodns.egg-info/top_level.txt\nwriting manifest file 'octodns.egg-info/SOURCES.txt'\nreading manifest file 'octodns.egg-info/SOURCES.txt'\nreading manifest template 'MANIFEST.in'\nwarning: no files found matching '*.json' under directory 'tests'\nwarning: no files found matching '*.txt' under directory 'tests'\nadding license file 'LICENSE'\nwriting manifest file 'octodns.egg-info/SOURCES.txt'\ninstalling library code to build/bdist.linux-x86_64/egg\nrunning install_lib\nrunning build_py\ncopying octodns/context.py -> build/lib/octodns\ncopying octodns/deprecation.py -> build/lib/octodns\ncopying octodns/equality.py -> build/lib/octodns\ncopying octodns/__init__.py -> build/lib/octodns\ncopying octodns/zone.py -> build/lib/octodns\ncopying octodns/idna.py -> build/lib/octodns\ncopying octodns/yaml.py -> build/lib/octodns\ncopying octodns/manager.py -> build/lib/octodns\ncopying octodns/source/base.py -> build/lib/octodns/source\ncopying octodns/source/__init__.py -> build/lib/octodns/source\ncopying octodns/source/tinydns.py -> build/lib/octodns/source\ncopying octodns/source/envvar.py -> build/lib/octodns/source\ncopying octodns/cmds/sync.py -> build/lib/octodns/cmds\ncopying octodns/cmds/report.py -> build/lib/octodns/cmds\ncopying octodns/cmds/dump.py -> build/lib/octodns/cmds\ncopying octodns/cmds/args.py -> build/lib/octodns/cmds\ncopying octodns/cmds/__init__.py -> build/lib/octodns/cmds\ncopying octodns/cmds/versions.py -> build/lib/octodns/cmds\ncopying octodns/cmds/compare.py -> build/lib/octodns/cmds\ncopying octodns/cmds/validate.py -> build/lib/octodns/cmds\ncopying octodns/record/base.py -> build/lib/octodns/record\ncopying octodns/record/txt.py -> build/lib/octodns/record\ncopying octodns/record/naptr.py -> build/lib/octodns/record\ncopying octodns/record/alias.py -> build/lib/octodns/record\ncopying octodns/record/geo_data.py -> build/lib/octodns/record\ncopying octodns/record/ptr.py -> build/lib/octodns/record\ncopying octodns/record/ns.py -> build/lib/octodns/record\ncopying octodns/record/cname.py -> build/lib/octodns/record\ncopying octodns/record/urlfwd.py -> build/lib/octodns/record\ncopying octodns/record/rr.py -> build/lib/octodns/record\ncopying octodns/record/target.py -> build/lib/octodns/record\ncopying octodns/record/exception.py -> build/lib/octodns/record\ncopying octodns/record/__init__.py -> build/lib/octodns/record\ncopying octodns/record/tlsa.py -> build/lib/octodns/record\ncopying octodns/record/srv.py -> build/lib/octodns/record\ncopying octodns/record/caa.py -> build/lib/octodns/record\ncopying octodns/record/dynamic.py -> build/lib/octodns/record\ncopying octodns/record/loc.py -> build/lib/octodns/record\ncopying octodns/record/chunked.py -> build/lib/octodns/record\ncopying octodns/record/ip.py -> build/lib/octodns/record\ncopying octodns/record/ds.py -> build/lib/octodns/record\ncopying octodns/record/spf.py -> build/lib/octodns/record\ncopying octodns/record/aaaa.py -> build/lib/octodns/record\ncopying octodns/record/a.py -> build/lib/octodns/record\ncopying octodns/record/subnet.py -> build/lib/octodns/record\ncopying octodns/record/change.py -> build/lib/octodns/record\ncopying octodns/record/geo.py -> build/lib/octodns/record\ncopying octodns/record/dname.py -> build/lib/octodns/record\ncopying octodns/record/sshfp.py -> build/lib/octodns/record\ncopying octodns/record/mx.py -> build/lib/octodns/record\ncopying octodns/processor/meta.py -> build/lib/octodns/processor\ncopying octodns/processor/base.py -> build/lib/octodns/processor\ncopying octodns/processor/ownership.py -> build/lib/octodns/processor\ncopying octodns/processor/filter.py -> build/lib/octodns/processor\ncopying octodns/processor/__init__.py -> build/lib/octodns/processor\ncopying octodns/processor/restrict.py -> build/lib/octodns/processor\ncopying octodns/processor/acme.py -> build/lib/octodns/processor\ncopying octodns/processor/spf.py -> build/lib/octodns/processor\ncopying octodns/processor/arpa.py -> build/lib/octodns/processor\ncopying octodns/provider/base.py -> build/lib/octodns/provider\ncopying octodns/provider/plan.py -> build/lib/octodns/provider\ncopying octodns/provider/__init__.py -> build/lib/octodns/provider\ncopying octodns/provider/yaml.py -> build/lib/octodns/provider\ncreating build/bdist.linux-x86_64\ncreating build/bdist.linux-x86_64/egg\ncreating build/bdist.linux-x86_64/egg/octodns\ncreating build/bdist.linux-x86_64/egg/octodns/source\ncopying build/lib/octodns/source/base.py -> build/bdist.linux-x86_64/egg/octodns/source\ncopying build/lib/octodns/source/__init__.py -> build/bdist.linux-x86_64/egg/octodns/source\ncopying build/lib/octodns/source/tinydns.py -> build/bdist.linux-x86_64/egg/octodns/source\ncopying build/lib/octodns/source/envvar.py -> build/bdist.linux-x86_64/egg/octodns/source\ncreating build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/sync.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/report.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/dump.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/args.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/__init__.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/versions.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/compare.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/cmds/validate.py -> build/bdist.linux-x86_64/egg/octodns/cmds\ncopying build/lib/octodns/context.py -> build/bdist.linux-x86_64/egg/octodns\ncopying build/lib/octodns/deprecation.py -> build/bdist.linux-x86_64/egg/octodns\ncreating build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/base.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/txt.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/naptr.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/alias.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/geo_data.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/ptr.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/ns.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/cname.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/urlfwd.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/rr.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/target.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/exception.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/__init__.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/tlsa.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/srv.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/caa.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/dynamic.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/loc.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/chunked.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/ip.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/ds.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/spf.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/aaaa.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/a.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/subnet.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/change.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/geo.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/dname.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/sshfp.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/record/mx.py -> build/bdist.linux-x86_64/egg/octodns/record\ncopying build/lib/octodns/equality.py -> build/bdist.linux-x86_64/egg/octodns\ncopying build/lib/octodns/__init__.py -> build/bdist.linux-x86_64/egg/octodns\ncreating build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/meta.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/base.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/ownership.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/filter.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/__init__.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/restrict.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/acme.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/spf.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/processor/arpa.py -> build/bdist.linux-x86_64/egg/octodns/processor\ncopying build/lib/octodns/zone.py -> build/bdist.linux-x86_64/egg/octodns\ncopying build/lib/octodns/idna.py -> build/bdist.linux-x86_64/egg/octodns\ncreating build/bdist.linux-x86_64/egg/octodns/provider\ncopying build/lib/octodns/provider/base.py -> build/bdist.linux-x86_64/egg/octodns/provider\ncopying build/lib/octodns/provider/plan.py -> build/bdist.linux-x86_64/egg/octodns/provider\ncopying build/lib/octodns/provider/__init__.py -> build/bdist.linux-x86_64/egg/octodns/provider\ncopying build/lib/octodns/provider/yaml.py -> build/bdist.linux-x86_64/egg/octodns/provider\ncopying build/lib/octodns/yaml.py -> build/bdist.linux-x86_64/egg/octodns\ncopying build/lib/octodns/manager.py -> build/bdist.linux-x86_64/egg/octodns\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/source/base.py to base.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/source/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/source/tinydns.py to tinydns.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/source/envvar.py to envvar.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/sync.py to sync.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/report.py to report.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/dump.py to dump.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/args.py to args.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/versions.py to versions.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/compare.py to compare.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/cmds/validate.py to validate.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/context.py to context.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/deprecation.py to deprecation.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/base.py to base.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/txt.py to txt.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/naptr.py to naptr.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/alias.py to alias.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/geo_data.py to geo_data.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/ptr.py to ptr.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/ns.py to ns.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/cname.py to cname.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/urlfwd.py to urlfwd.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/rr.py to rr.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/target.py to target.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/exception.py to exception.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/tlsa.py to tlsa.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/srv.py to srv.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/caa.py to caa.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/dynamic.py to dynamic.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/loc.py to loc.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/chunked.py to chunked.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/ip.py to ip.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/ds.py to ds.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/spf.py to spf.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/aaaa.py to aaaa.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/a.py to a.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/subnet.py to subnet.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/change.py to change.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/geo.py to geo.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/dname.py to dname.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/sshfp.py to sshfp.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/record/mx.py to mx.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/equality.py to equality.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/meta.py to meta.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/base.py to base.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/ownership.py to ownership.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/filter.py to filter.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/restrict.py to restrict.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/acme.py to acme.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/spf.py to spf.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/processor/arpa.py to arpa.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/zone.py to zone.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/idna.py to idna.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/provider/base.py to base.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/provider/plan.py to plan.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/provider/__init__.py to __init__.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/provider/yaml.py to yaml.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/yaml.py to yaml.cpython-312.pyc\nbyte-compiling build/bdist.linux-x86_64/egg/octodns/manager.py to manager.cpython-312.pyc\ncreating build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/PKG-INFO -> build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/SOURCES.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/dependency_links.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/entry_points.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/requires.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\ncopying octodns.egg-info/top_level.txt -> build/bdist.linux-x86_64/egg/EGG-INFO\nzip_safe flag not set; analyzing archive contents...\ncreating dist\ncreating 'dist/octodns-1.4.0-py3.12.egg' and adding 'build/bdist.linux-x86_64/egg' to it\nremoving 'build/bdist.linux-x86_64/egg' (and everything under it)\nProcessing octodns-1.4.0-py3.12.egg\nCopying octodns-1.4.0-py3.12.egg to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding octodns 1.4.0 to easy-install.pth file\nInstalling octodns-compare script to /tmp/ci-9dr3sWv5MQ/bin\nInstalling octodns-dump script to /tmp/ci-9dr3sWv5MQ/bin\nInstalling octodns-report script to /tmp/ci-9dr3sWv5MQ/bin\nInstalling octodns-sync script to /tmp/ci-9dr3sWv5MQ/bin\nInstalling octodns-validate script to /tmp/ci-9dr3sWv5MQ/bin\nInstalling octodns-versions script to /tmp/ci-9dr3sWv5MQ/bin\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/octodns-1.4.0-py3.12.egg\nProcessing dependencies for octodns==1.4.0\nSearching for python-dateutil>=2.8.1\nReading https://pypi.org/simple/python-dateutil/\nDownloading https://files.pythonhosted.org/packages/36/7a/87837f39d0296e723bb9b62bbb257d0355c7f6128853c78955f57342a56d/python_dateutil-2.8.2-py2.py3-none-any.whl#sha256=961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9\nBest match: python-dateutil 2.8.2\nProcessing python_dateutil-2.8.2-py2.py3-none-any.whl\nInstalling python_dateutil-2.8.2-py2.py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding python-dateutil 2.8.2 to easy-install.pth file\ndetected new path './octodns-1.4.0-py3.12.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/python_dateutil-2.8.2-py3.12.egg\nSearching for natsort>=5.5.0\nReading https://pypi.org/simple/natsort/\nDownloading https://files.pythonhosted.org/packages/ef/82/7a9d0550484a62c6da82858ee9419f3dd1ccc9aa1c26a1e43da3ecd20b0d/natsort-8.4.0-py3-none-any.whl#sha256=4732914fb471f56b5cce04d7bae6f164a592c7712e1c85f9ef585e197299521c\nBest match: natsort 8.4.0\nProcessing natsort-8.4.0-py3-none-any.whl\nInstalling natsort-8.4.0-py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding natsort 8.4.0 to easy-install.pth file\ndetected new path './python_dateutil-2.8.2-py3.12.egg'\nInstalling natsort script to /tmp/ci-9dr3sWv5MQ/bin\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/natsort-8.4.0-py3.12.egg\nSearching for idna>=3.3\nReading https://pypi.org/simple/idna/\nDownloading https://files.pythonhosted.org/packages/c2/e7/a82b05cf63a603df6e68d59ae6a68bf5064484a0718ea5033660af4b54a9/idna-3.6-py3-none-any.whl#sha256=c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f\nBest match: idna 3.6\nProcessing idna-3.6-py3-none-any.whl\nInstalling idna-3.6-py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding idna 3.6 to easy-install.pth file\ndetected new path './natsort-8.4.0-py3.12.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/idna-3.6-py3.12.egg\nSearching for fqdn>=1.5.0\nReading https://pypi.org/simple/fqdn/\nDownloading https://files.pythonhosted.org/packages/cf/58/8acf1b3e91c58313ce5cb67df61001fc9dcd21be4fadb76c1a2d540e09ed/fqdn-1.5.1-py3-none-any.whl#sha256=3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014\nBest match: fqdn 1.5.1\nProcessing fqdn-1.5.1-py3-none-any.whl\nInstalling fqdn-1.5.1-py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding fqdn 1.5.1 to easy-install.pth file\ndetected new path './idna-3.6-py3.12.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/fqdn-1.5.1-py3.12.egg\nSearching for dnspython>=2.2.1\nReading https://pypi.org/simple/dnspython/\nDownloading https://files.pythonhosted.org/packages/f6/b4/0a9bee52c50f226a3cbfb54263d02bb421c7f2adc136520729c2c689c1e5/dnspython-2.4.2-py3-none-any.whl#sha256=57c6fbaaeaaf39c891292012060beb141791735dbb4004798328fc2c467402d8\nBest match: dnspython 2.4.2\nProcessing dnspython-2.4.2-py3-none-any.whl\nInstalling dnspython-2.4.2-py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding dnspython 2.4.2 to easy-install.pth file\ndetected new path './fqdn-1.5.1-py3.12.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/dnspython-2.4.2-py3.12.egg\nSearching for PyYaml>=4.2b1\nReading https://pypi.org/simple/PyYaml/\nDownloading https://files.pythonhosted.org/packages/b4/33/720548182ffa8344418126017aa1d4ab4aeec9a2275f04ce3f3573d8ace8/PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl#sha256=6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0\nBest match: PyYAML 6.0.1\nProcessing PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl\nInstalling PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding PyYAML 6.0.1 to easy-install.pth file\ndetected new path './dnspython-2.4.2-py3.12.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/PyYAML-6.0.1-py3.12-linux-x86_64.egg\nSearching for six>=1.5\nReading https://pypi.org/simple/six/\nDownloading https://files.pythonhosted.org/packages/d9/5a/e7c31adbe875f2abbb91bd84cf2dc52d792b5a01506781dbcf25c91daf11/six-1.16.0-py2.py3-none-any.whl#sha256=8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254\nBest match: six 1.16.0\nProcessing six-1.16.0-py2.py3-none-any.whl\nInstalling six-1.16.0-py2.py3-none-any.whl to /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages\nAdding six 1.16.0 to easy-install.pth file\ndetected new path './PyYAML-6.0.1-py3.12-linux-x86_64.egg'\n\nInstalled /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/six-1.16.0-py3.12.egg\nFinished processing dependencies for octodns==1.4.0\n## validate tests can run against installed code ###############################\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/octodns-1.4.0-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/fqdn-1.5.1-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/PyYAML-6.0.1-py3.12-linux-x86_64.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/dnspython-2.4.2-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/natsort-8.4.0-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/python_dateutil-2.8.2-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/idna-3.6-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nDEPRECATION: Loading egg at /tmp/ci-9dr3sWv5MQ/lib/python3.12/site-packages/six-1.16.0-py3.12.egg is deprecated. pip 23.3 will enforce this behaviour change. A possible replacement is to use pip for package installation..\nCollecting pytest\n Obtaining dependency information for pytest from https://files.pythonhosted.org/packages/f3/8c/f16efd81ca8e293b2cc78f111190a79ee539d0d5d36ccd49975cb3beac60/pytest-7.4.3-py3-none-any.whl.metadata\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting pytest-network\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting iniconfig (from pytest)\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting packaging (from pytest)\n Obtaining dependency information for packaging from https://files.pythonhosted.org/packages/ec/1a/610693ac4ee14fcdf2d9bf3c493370e4f2ef7ae2e19217d7a237ff42367d/packaging-23.2-py3-none-any.whl.metadata\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pluggy<2.0,>=0.12 (from pytest)\n Obtaining dependency information for pluggy<2.0,>=0.12 from https://files.pythonhosted.org/packages/05/b8/42ed91898d4784546c5f06c60506400548db3f7a4b3fb441cba4e5c17952/pluggy-1.3.0-py3-none-any.whl.metadata\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 18.1 MB/s eta 0:00:00\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 24.7 MB/s eta 0:00:00\nBuilding wheels for collected packages: pytest-network\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=22094e1794e91a71cafae0c7499310ab87d524ac8ee14440dab54f00c22bd869\n Stored in directory: /home/runner/.cache/pip/wheels/e9/6b/5a/3160ef803b88264fbb8882984c076ae87b75c5297a401103e4\nSuccessfully built pytest-network\nInstalling collected packages: pluggy, packaging, iniconfig, pytest, pytest-network\nSuccessfully installed iniconfig-2.0.0 packaging-23.2 pluggy-1.3.0 pytest-7.4.3 pytest-network-0.0.1\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\n============================= test session starts ==============================\nplatform linux -- Python 3.12.0, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: network-0.0.1\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 2.63s =========================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.8)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.8/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 38.2 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (736 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.17.2 (from -r requirements-dev.txt (line 2))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting black==23.11.0 (from -r requirements-dev.txt (line 3))\n Downloading black-23.11.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.9/66.9 kB 4.3 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.11.17 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.2 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.2/435.2 kB 43.2 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting exceptiongroup==1.2.0 (from -r requirements-dev.txt (line 12))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 13))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 14))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 15))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 22.6 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 16))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.3.0 (from -r requirements-dev.txt (line 17))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 18))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 19))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 20))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 21))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 22))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 23))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 24))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 25))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==4.0.0 (from -r requirements-dev.txt (line 26))\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 27))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 28))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 29))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 30))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 100.5 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 31))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 32.7 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 32))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 33))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 34))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.12.0 (from -r requirements-dev.txt (line 35))\n Downloading pytest_mock-3.12.0-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 36))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.3 (from -r requirements-dev.txt (line 37))\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 38))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 39))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 40))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 14.1 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 41))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 42))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.7.0 (from -r requirements-dev.txt (line 43))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting tomli==2.0.1 (from -r requirements-dev.txt (line 44))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 45))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting typing_extensions==4.8.0 (from -r requirements-dev.txt (line 46))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting urllib3==2.1.0 (from -r requirements-dev.txt (line 47))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 48))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting importlib-resources (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading importlib_resources-6.1.1-py3-none-any.whl.metadata (4.1 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 13.3 MB/s eta 0:00:00\nCollecting wheel>=0.30.0 (from pycountry-convert==0.7.2->-r requirements-dev.txt (line 29))\n Using cached wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nRequirement already satisfied: setuptools in ./env/lib/python3.8/site-packages (from pycountry==22.3.5->-r requirements-dev.txt (line 30)) (56.0.0)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.8/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 41)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 100.1 MB/s eta 0:00:00\nDownloading black-23.11.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 103.6 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 44.6 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (444 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 444.7/444.7 kB 77.3 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (141 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 141.1/141.1 kB 33.0 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 28.4 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (228 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 228.6/228.6 kB 39.2 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 83.8 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 26.5 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 18.2 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 101.7 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.2 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 19.7 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.12.0-py3-none-any.whl (9.8 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 66.8 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 19.8 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 57.4 MB/s eta 0:00:00\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 32.9 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nUsing cached wheel-0.42.0-py3-none-any.whl (65 kB)\nDownloading importlib_resources-6.1.1-py3-none-any.whl (33 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 115.5 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=d1efa3fdc10b7cb0b7b8b8f1012481528009e4490b3faaa06ee38e1b9ea57670\n Stored in directory: /home/runner/.cache/pip/wheels/e2/aa/0f/c224e473b464387170b83ca7c66947b4a7e33e8d903a679748\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=24da58c82e13f91081bb40b702b062338869cd9ee767af1c246e8821c08234c1\n Stored in directory: /home/runner/.cache/pip/wheels/d0/cd/95/bbd94d9b57657ea602b3a99e8f975fc12d458c3d534a65a542\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing_extensions, tomli, rfc3986, Pygments, pyflakes, pycparser, pycountry, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, markdown-it-py, jaraco.classes, importlib-resources, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 black-23.11.0 build-1.0.3 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.7 docutils-0.20.1 exceptiongroup-1.2.0 importlib-metadata-6.8.0 importlib-resources-6.1.1 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-4.0.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.3 pytest-cov-4.1.0 pytest-mock-3.12.0 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 tomli-2.0.1 twine-4.0.2 typing_extensions-4.8.0 urllib3-2.1.0 wheel-0.42.0 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.8.18\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.8/site-packages/pip (python 3.8)\n## modules: \nblack==23.11.0\nbuild==1.0.3\ncertifi==2023.11.17\ncffi==1.16.0\ncharset-normalizer==3.3.2\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.7\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.2.0\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\nimportlib-resources==6.1.1\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.3.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==4.0.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.17.2\npyproject_hooks==1.0.0\npytest==7.4.3\npytest-cov==4.1.0\npytest-mock==3.12.0\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.7.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.1.0\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\n## formatting ##################################################################\nAll done! \u2728 \ud83c\udf70 \u2728\n110 files would be left unchanged.\n## tests/coverage ##############################################################\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: cov-4.1.0, mock-3.12.0, network-0.0.1\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n\n---------- coverage: platform linux, python 3.8.18-final-0 -----------\nName Stmts Miss Branch BrPart Cover\n------------------------------------------------------------------\noctodns/__init__.py 1 0 0 0 100%\noctodns/context.py 4 0 0 0 100%\noctodns/deprecation.py 3 0 0 0 100%\noctodns/equality.py 15 0 0 0 100%\noctodns/idna.py 53 0 13 0 100%\noctodns/manager.py 509 0 212 0 100%\noctodns/processor/__init__.py 0 0 0 0 100%\noctodns/processor/acme.py 22 0 8 0 100%\noctodns/processor/arpa.py 40 0 20 0 100%\noctodns/processor/base.py 13 0 0 0 100%\noctodns/processor/filter.py 134 0 46 0 100%\noctodns/processor/meta.py 48 0 12 0 100%\noctodns/processor/ownership.py 45 0 20 0 100%\noctodns/processor/restrict.py 21 0 10 0 100%\noctodns/processor/spf.py 59 0 26 0 100%\noctodns/provider/__init__.py 4 0 0 0 100%\noctodns/provider/base.py 147 0 72 0 100%\noctodns/provider/plan.py 203 0 65 0 100%\noctodns/provider/yaml.py 177 0 76 0 100%\noctodns/record/__init__.py 73 0 0 0 100%\noctodns/record/a.py 13 0 0 0 100%\noctodns/record/aaaa.py 13 0 0 0 100%\noctodns/record/alias.py 15 0 2 0 100%\noctodns/record/base.py 268 0 72 0 100%\noctodns/record/caa.py 71 0 12 0 100%\noctodns/record/change.py 28 0 0 0 100%\noctodns/record/chunked.py 49 0 16 0 100%\noctodns/record/cname.py 16 0 2 0 100%\noctodns/record/dname.py 9 0 0 0 100%\noctodns/record/ds.py 121 0 26 0 100%\noctodns/record/dynamic.py 270 0 118 0 100%\noctodns/record/exception.py 17 0 2 0 100%\noctodns/record/geo.py 117 0 36 0 100%\noctodns/record/geo_data.py 1 0 0 0 100%\noctodns/record/ip.py 33 0 14 0 100%\noctodns/record/loc.py 184 0 24 0 100%\noctodns/record/mx.py 88 0 14 0 100%\noctodns/record/naptr.py 109 0 16 0 100%\noctodns/record/ns.py 8 0 0 0 100%\noctodns/record/ptr.py 11 0 0 0 100%\noctodns/record/rr.py 12 0 0 0 100%\noctodns/record/spf.py 10 0 0 0 100%\noctodns/record/srv.py 117 0 20 0 100%\noctodns/record/sshfp.py 86 0 16 0 100%\noctodns/record/subnet.py 13 0 0 0 100%\noctodns/record/target.py 57 0 22 0 100%\noctodns/record/tlsa.py 97 0 20 0 100%\noctodns/record/txt.py 8 0 0 0 100%\noctodns/record/urlfwd.py 85 0 22 0 100%\noctodns/source/__init__.py 0 0 0 0 100%\noctodns/source/base.py 22 0 6 0 100%\noctodns/source/envvar.py 36 0 2 0 100%\noctodns/source/tinydns.py 239 0 128 0 100%\noctodns/yaml.py 48 0 8 0 100%\noctodns/zone.py 168 0 93 0 100%\n------------------------------------------------------------------\nTOTAL 4010 0 1271 0 100%\nCoverage HTML written to dir htmlcov\nCoverage XML written to file coverage.xml\n\nRequired test coverage of 100% reached. Total coverage: 100.00%\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 6.76s =========================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.9)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.9/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 25.3 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.17.2 (from -r requirements-dev.txt (line 2))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting black==23.11.0 (from -r requirements-dev.txt (line 3))\n Downloading black-23.11.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.9/66.9 kB 3.1 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.11.17 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.2 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 6.5 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting exceptiongroup==1.2.0 (from -r requirements-dev.txt (line 12))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 13))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 14))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 15))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 7.8 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 16))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.3.0 (from -r requirements-dev.txt (line 17))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 18))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 19))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 20))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 21))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 22))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 23))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 24))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 25))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==4.0.0 (from -r requirements-dev.txt (line 26))\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 27))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 28))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 29))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 30))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 20.6 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 31))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 30.2 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 32))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 33))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 34))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.12.0 (from -r requirements-dev.txt (line 35))\n Downloading pytest_mock-3.12.0-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 36))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.3 (from -r requirements-dev.txt (line 37))\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 38))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 39))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 40))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 18.4 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 41))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 42))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.7.0 (from -r requirements-dev.txt (line 43))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting tomli==2.0.1 (from -r requirements-dev.txt (line 44))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 45))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting typing_extensions==4.8.0 (from -r requirements-dev.txt (line 46))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting urllib3==2.1.0 (from -r requirements-dev.txt (line 47))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 48))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 12.8 MB/s eta 0:00:00\nCollecting wheel>=0.30.0 (from pycountry-convert==0.7.2->-r requirements-dev.txt (line 29))\n Using cached wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nRequirement already satisfied: setuptools in ./env/lib/python3.9/site-packages (from pycountry==22.3.5->-r requirements-dev.txt (line 30)) (58.1.0)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.9/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 41)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 43.2 MB/s eta 0:00:00\nDownloading black-23.11.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 30.4 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 31.9 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.4/443.4 kB 28.8 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.3/142.3 kB 35.7 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 27.5 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (227 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 227.1/227.1 kB 41.7 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 31.3 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 25.9 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 16.3 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 30.1 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 16.4 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 19.4 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.12.0-py3-none-any.whl (9.8 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 32.2 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 19.5 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 35.7 MB/s eta 0:00:00\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 31.7 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nUsing cached wheel-0.42.0-py3-none-any.whl (65 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 32.4 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=6651b7cbbeb5454f6442094790535901bb003fe81e132ba2dff3caf1a884cb1e\n Stored in directory: /home/runner/.cache/pip/wheels/47/15/92/e6dc85fcb0686c82e1edbcfdf80cfe4808c058813fed0baa8f\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=a88e064065e65cf19fcfb8c1f73c85d7d00b561fcdda670621edf8c88deeee8a\n Stored in directory: /home/runner/.cache/pip/wheels/8c/ef/32/14205df1989a5ce6ef61eff98537d4236a3c6f50c2b1a6d89a\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing_extensions, tomli, rfc3986, Pygments, pyflakes, pycparser, pycountry, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, markdown-it-py, jaraco.classes, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 black-23.11.0 build-1.0.3 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.7 docutils-0.20.1 exceptiongroup-1.2.0 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-4.0.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.3 pytest-cov-4.1.0 pytest-mock-3.12.0 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 tomli-2.0.1 twine-4.0.2 typing_extensions-4.8.0 urllib3-2.1.0 wheel-0.42.0 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.9.18\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.9/site-packages/pip (python 3.9)\n## modules: \nblack==23.11.0\nbuild==1.0.3\ncertifi==2023.11.17\ncffi==1.16.0\ncharset-normalizer==3.3.2\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.7\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.2.0\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.3.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==4.0.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.17.2\npyproject_hooks==1.0.0\npytest==7.4.3\npytest-cov==4.1.0\npytest-mock==3.12.0\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.7.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.1.0\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\n## formatting ##################################################################\nAll done! \u2728 \ud83c\udf70 \u2728\n110 files would be left unchanged.\n## tests/coverage ##############################################################\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: cov-4.1.0, mock-3.12.0, network-0.0.1\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n\n---------- coverage: platform linux, python 3.9.18-final-0 -----------\nName Stmts Miss Branch BrPart Cover\n------------------------------------------------------------------\noctodns/__init__.py 1 0 0 0 100%\noctodns/context.py 4 0 0 0 100%\noctodns/deprecation.py 3 0 0 0 100%\noctodns/equality.py 15 0 0 0 100%\noctodns/idna.py 53 0 13 0 100%\noctodns/manager.py 509 0 212 0 100%\noctodns/processor/__init__.py 0 0 0 0 100%\noctodns/processor/acme.py 22 0 8 0 100%\noctodns/processor/arpa.py 40 0 20 0 100%\noctodns/processor/base.py 13 0 0 0 100%\noctodns/processor/filter.py 134 0 46 0 100%\noctodns/processor/meta.py 48 0 12 0 100%\noctodns/processor/ownership.py 45 0 20 0 100%\noctodns/processor/restrict.py 21 0 10 0 100%\noctodns/processor/spf.py 59 0 26 0 100%\noctodns/provider/__init__.py 4 0 0 0 100%\noctodns/provider/base.py 147 0 72 0 100%\noctodns/provider/plan.py 203 0 65 0 100%\noctodns/provider/yaml.py 177 0 76 0 100%\noctodns/record/__init__.py 73 0 0 0 100%\noctodns/record/a.py 13 0 0 0 100%\noctodns/record/aaaa.py 13 0 0 0 100%\noctodns/record/alias.py 15 0 2 0 100%\noctodns/record/base.py 268 0 72 0 100%\noctodns/record/caa.py 71 0 12 0 100%\noctodns/record/change.py 28 0 0 0 100%\noctodns/record/chunked.py 49 0 16 0 100%\noctodns/record/cname.py 16 0 2 0 100%\noctodns/record/dname.py 9 0 0 0 100%\noctodns/record/ds.py 121 0 26 0 100%\noctodns/record/dynamic.py 270 0 118 0 100%\noctodns/record/exception.py 17 0 2 0 100%\noctodns/record/geo.py 117 0 36 0 100%\noctodns/record/geo_data.py 1 0 0 0 100%\noctodns/record/ip.py 33 0 14 0 100%\noctodns/record/loc.py 184 0 24 0 100%\noctodns/record/mx.py 88 0 14 0 100%\noctodns/record/naptr.py 109 0 16 0 100%\noctodns/record/ns.py 8 0 0 0 100%\noctodns/record/ptr.py 11 0 0 0 100%\noctodns/record/rr.py 12 0 0 0 100%\noctodns/record/spf.py 10 0 0 0 100%\noctodns/record/srv.py 117 0 20 0 100%\noctodns/record/sshfp.py 86 0 16 0 100%\noctodns/record/subnet.py 13 0 0 0 100%\noctodns/record/target.py 57 0 22 0 100%\noctodns/record/tlsa.py 97 0 20 0 100%\noctodns/record/txt.py 8 0 0 0 100%\noctodns/record/urlfwd.py 85 0 22 0 100%\noctodns/source/__init__.py 0 0 0 0 100%\noctodns/source/base.py 22 0 6 0 100%\noctodns/source/envvar.py 36 0 2 0 100%\noctodns/source/tinydns.py 239 0 128 0 100%\noctodns/yaml.py 48 0 8 0 100%\noctodns/zone.py 168 0 93 0 100%\n------------------------------------------------------------------\nTOTAL 4010 0 1271 0 100%\nCoverage HTML written to dir htmlcov\nCoverage XML written to file coverage.xml\n\nRequired test coverage of 100% reached. Total coverage: 100.00%\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 6.55s =========================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.10)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.10/site-packages (23.0.1)\nCollecting pip>=10.0.1\n Downloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 35.5 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.0.1\n Uninstalling pip-23.0.1:\n Successfully uninstalled pip-23.0.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (705 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.17.2 (from -r requirements-dev.txt (line 2))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting black==23.11.0 (from -r requirements-dev.txt (line 3))\n Downloading black-23.11.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.9/66.9 kB 5.3 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.11.17 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.2 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 38.6 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting exceptiongroup==1.2.0 (from -r requirements-dev.txt (line 12))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 13))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 14))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 15))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 30.1 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 16))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.3.0 (from -r requirements-dev.txt (line 17))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 18))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 19))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 20))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 21))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 22))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 23))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 24))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 25))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==4.0.0 (from -r requirements-dev.txt (line 26))\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 27))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 28))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 29))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 30))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 123.2 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 31))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 36.5 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 32))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 33))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 34))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.12.0 (from -r requirements-dev.txt (line 35))\n Downloading pytest_mock-3.12.0-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 36))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.3 (from -r requirements-dev.txt (line 37))\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 38))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 39))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 40))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 18.3 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 41))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 42))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.7.0 (from -r requirements-dev.txt (line 43))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting tomli==2.0.1 (from -r requirements-dev.txt (line 44))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 45))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting typing_extensions==4.8.0 (from -r requirements-dev.txt (line 46))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting urllib3==2.1.0 (from -r requirements-dev.txt (line 47))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 48))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 18.2 MB/s eta 0:00:00\nCollecting wheel>=0.30.0 (from pycountry-convert==0.7.2->-r requirements-dev.txt (line 29))\n Using cached wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nRequirement already satisfied: setuptools in ./env/lib/python3.10/site-packages (from pycountry==22.3.5->-r requirements-dev.txt (line 30)) (65.5.0)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.10/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 41)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 96.1 MB/s eta 0:00:00\nDownloading black-23.11.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 108.0 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 48.0 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.9/443.9 kB 83.1 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.1/142.1 kB 44.9 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 34.6 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (227 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 227.5/227.5 kB 61.2 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 88.2 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 30.3 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 19.4 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 110.8 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.4 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 21.4 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.12.0-py3-none-any.whl (9.8 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 71.2 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 22.9 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 62.6 MB/s eta 0:00:00\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 36.9 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nUsing cached wheel-0.42.0-py3-none-any.whl (65 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 104.8 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=029c7ef12dee2f2023f60603db05ff6b2bd8529a5c34b9c6770cb19cf55f80b2\n Stored in directory: /home/runner/.cache/pip/wheels/03/57/cc/290c5252ec97a6d78d36479a3c5e5ecc76318afcb241ad9dbe\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=5a5b0df8be5c7b49622d5be725889669c70d8f30e027a13b3cd5ad7791b7b972\n Stored in directory: /home/runner/.cache/pip/wheels/d4/4d/d7/84f36e5490a746c74c91552708a74a4922d23092dd24d4e750\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing_extensions, tomli, rfc3986, Pygments, pyflakes, pycparser, pycountry, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pyproject_hooks, markdown-it-py, jaraco.classes, importlib-metadata, cffi, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, build, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 black-23.11.0 build-1.0.3 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.7 docutils-0.20.1 exceptiongroup-1.2.0 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-4.0.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.3 pytest-cov-4.1.0 pytest-mock-3.12.0 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 tomli-2.0.1 twine-4.0.2 typing_extensions-4.8.0 urllib3-2.1.0 wheel-0.42.0 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.10.13\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.10/site-packages/pip (python 3.10)\n## modules: \nblack==23.11.0\nbuild==1.0.3\ncertifi==2023.11.17\ncffi==1.16.0\ncharset-normalizer==3.3.2\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.7\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.2.0\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.3.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==4.0.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.17.2\npyproject_hooks==1.0.0\npytest==7.4.3\npytest-cov==4.1.0\npytest-mock==3.12.0\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.7.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.1.0\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\n## formatting ##################################################################\nAll done! \u2728 \ud83c\udf70 \u2728\n110 files would be left unchanged.\n## tests/coverage ##############################################################\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: mock-3.12.0, network-0.0.1, cov-4.1.0\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n\n---------- coverage: platform linux, python 3.10.13-final-0 ----------\nName Stmts Miss Branch BrPart Cover\n------------------------------------------------------------------\noctodns/__init__.py 1 0 0 0 100%\noctodns/context.py 4 0 0 0 100%\noctodns/deprecation.py 3 0 0 0 100%\noctodns/equality.py 15 0 0 0 100%\noctodns/idna.py 53 0 13 0 100%\noctodns/manager.py 509 0 214 0 100%\noctodns/processor/__init__.py 0 0 0 0 100%\noctodns/processor/acme.py 22 0 8 0 100%\noctodns/processor/arpa.py 40 0 20 0 100%\noctodns/processor/base.py 13 0 0 0 100%\noctodns/processor/filter.py 134 0 46 0 100%\noctodns/processor/meta.py 48 0 12 0 100%\noctodns/processor/ownership.py 45 0 20 0 100%\noctodns/processor/restrict.py 21 0 10 0 100%\noctodns/processor/spf.py 59 0 26 0 100%\noctodns/provider/__init__.py 4 0 0 0 100%\noctodns/provider/base.py 147 0 72 0 100%\noctodns/provider/plan.py 203 0 65 0 100%\noctodns/provider/yaml.py 177 0 84 0 100%\noctodns/record/__init__.py 73 0 0 0 100%\noctodns/record/a.py 13 0 0 0 100%\noctodns/record/aaaa.py 13 0 0 0 100%\noctodns/record/alias.py 15 0 2 0 100%\noctodns/record/base.py 268 0 72 0 100%\noctodns/record/caa.py 71 0 12 0 100%\noctodns/record/change.py 28 0 0 0 100%\noctodns/record/chunked.py 49 0 16 0 100%\noctodns/record/cname.py 16 0 2 0 100%\noctodns/record/dname.py 9 0 0 0 100%\noctodns/record/ds.py 121 0 26 0 100%\noctodns/record/dynamic.py 270 0 118 0 100%\noctodns/record/exception.py 17 0 2 0 100%\noctodns/record/geo.py 117 0 36 0 100%\noctodns/record/geo_data.py 1 0 0 0 100%\noctodns/record/ip.py 33 0 14 0 100%\noctodns/record/loc.py 184 0 24 0 100%\noctodns/record/mx.py 88 0 14 0 100%\noctodns/record/naptr.py 109 0 16 0 100%\noctodns/record/ns.py 8 0 0 0 100%\noctodns/record/ptr.py 11 0 0 0 100%\noctodns/record/rr.py 12 0 0 0 100%\noctodns/record/spf.py 10 0 0 0 100%\noctodns/record/srv.py 117 0 20 0 100%\noctodns/record/sshfp.py 86 0 16 0 100%\noctodns/record/subnet.py 13 0 0 0 100%\noctodns/record/target.py 57 0 22 0 100%\noctodns/record/tlsa.py 97 0 20 0 100%\noctodns/record/txt.py 8 0 0 0 100%\noctodns/record/urlfwd.py 85 0 22 0 100%\noctodns/source/__init__.py 0 0 0 0 100%\noctodns/source/base.py 22 0 6 0 100%\noctodns/source/envvar.py 36 0 2 0 100%\noctodns/source/tinydns.py 239 0 130 0 100%\noctodns/yaml.py 48 0 10 0 100%\noctodns/zone.py 168 0 93 0 100%\n------------------------------------------------------------------\nTOTAL 4010 0 1285 0 100%\nCoverage HTML written to dir htmlcov\nCoverage XML written to file coverage.xml\n\nRequired test coverage of 100% reached. Total coverage: 100.00%\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 6.01s =========================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.11)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.11/site-packages (23.2.1)\nCollecting pip>=10.0.1\n Obtaining dependency information for pip>=10.0.1 from https://files.pythonhosted.org/packages/47/6a/453160888fab7c6a432a6e25f8afe6256d0d9f2cbd25971021da6491d899/pip-23.3.1-py3-none-any.whl.metadata\n Downloading pip-23.3.1-py3-none-any.whl.metadata (3.5 kB)\nDownloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 45.1 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.2.1\n Uninstalling pip-23.2.1:\n Successfully uninstalled pip-23.2.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (757 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.17.2 (from -r requirements-dev.txt (line 2))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting black==23.11.0 (from -r requirements-dev.txt (line 3))\n Downloading black-23.11.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.9/66.9 kB 3.3 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.11.17 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.2 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (435 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 435.0/435.0 kB 52.3 MB/s eta 0:00:00\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting exceptiongroup==1.2.0 (from -r requirements-dev.txt (line 12))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 13))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 14))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 15))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 29.5 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 16))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.3.0 (from -r requirements-dev.txt (line 17))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 18))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 19))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 20))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 21))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 22))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 23))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 24))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 25))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==4.0.0 (from -r requirements-dev.txt (line 26))\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 27))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 28))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 29))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 30))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 117.6 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 31))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 38.2 MB/s eta 0:00:00\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 32))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 33))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 34))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.12.0 (from -r requirements-dev.txt (line 35))\n Downloading pytest_mock-3.12.0-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 36))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.3 (from -r requirements-dev.txt (line 37))\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 38))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 39))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 40))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 20.7 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 41))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 42))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.7.0 (from -r requirements-dev.txt (line 43))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting tomli==2.0.1 (from -r requirements-dev.txt (line 44))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 45))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting typing_extensions==4.8.0 (from -r requirements-dev.txt (line 46))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting urllib3==2.1.0 (from -r requirements-dev.txt (line 47))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 48))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 15.1 MB/s eta 0:00:00\nCollecting wheel>=0.30.0 (from pycountry-convert==0.7.2->-r requirements-dev.txt (line 29))\n Using cached wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nRequirement already satisfied: setuptools in ./env/lib/python3.11/site-packages (from pycountry==22.3.5->-r requirements-dev.txt (line 30)) (65.5.0)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.11/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 41)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 102.1 MB/s eta 0:00:00\nDownloading black-23.11.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 107.8 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 50.4 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (464 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 464.8/464.8 kB 79.6 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (140 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 140.3/140.3 kB 45.9 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 34.3 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (231 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 231.4/231.4 kB 59.5 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 89.8 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 28.4 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 18.3 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 110.3 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.6 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 22.0 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.12.0-py3-none-any.whl (9.8 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 69.5 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 23.6 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 56.7 MB/s eta 0:00:00\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 36.4 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nUsing cached wheel-0.42.0-py3-none-any.whl (65 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 122.6 MB/s eta 0:00:00\nBuilding wheels for collected packages: pycountry, pytest-network\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=1f3a135bad4f2c47c4971b5f2047ef7f47088363de2713410a07b63b56ef76bc\n Stored in directory: /home/runner/.cache/pip/wheels/cd/29/8b/617685ed7942656b36efb06ff9247dbe832e3f4f7724fffc09\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=44cf2c353b920c5984e64d21fe75a9c219f4d219a8a908b71a8f7b84da2d8afb\n Stored in directory: /home/runner/.cache/pip/wheels/da/cb/c3/504bc4a9f8dadada066a674b01af36cd6144a159cab93c8c85\nSuccessfully built pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing_extensions, tomli, rfc3986, pyproject_hooks, Pygments, pyflakes, pycparser, pycountry, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, markdown-it-py, jaraco.classes, importlib-metadata, cffi, build, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 black-23.11.0 build-1.0.3 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.7 docutils-0.20.1 exceptiongroup-1.2.0 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-4.0.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.3 pytest-cov-4.1.0 pytest-mock-3.12.0 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 tomli-2.0.1 twine-4.0.2 typing_extensions-4.8.0 urllib3-2.1.0 wheel-0.42.0 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.11.7\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.11/site-packages/pip (python 3.11)\n## modules: \nblack==23.11.0\nbuild==1.0.3\ncertifi==2023.11.17\ncffi==1.16.0\ncharset-normalizer==3.3.2\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.7\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.2.0\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.3.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==4.0.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.17.2\npyproject_hooks==1.0.0\npytest==7.4.3\npytest-cov==4.1.0\npytest-mock==3.12.0\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.7.0\nSecretStorage==3.3.3\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.1.0\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\n## formatting ##################################################################\nAll done! \u2728 \ud83c\udf70 \u2728\n110 files would be left unchanged.\n## tests/coverage ##############################################################\n============================= test session starts ==============================\nplatform linux -- Python 3.11.7, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: mock-3.12.0, network-0.0.1, cov-4.1.0\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n\n---------- coverage: platform linux, python 3.11.7-final-0 -----------\nName Stmts Miss Branch BrPart Cover\n------------------------------------------------------------------\noctodns/__init__.py 1 0 0 0 100%\noctodns/context.py 4 0 0 0 100%\noctodns/deprecation.py 3 0 0 0 100%\noctodns/equality.py 15 0 0 0 100%\noctodns/idna.py 53 0 13 0 100%\noctodns/manager.py 509 0 216 0 100%\noctodns/processor/__init__.py 0 0 0 0 100%\noctodns/processor/acme.py 22 0 8 0 100%\noctodns/processor/arpa.py 40 0 20 0 100%\noctodns/processor/base.py 13 0 0 0 100%\noctodns/processor/filter.py 134 0 46 0 100%\noctodns/processor/meta.py 48 0 16 0 100%\noctodns/processor/ownership.py 45 0 20 0 100%\noctodns/processor/restrict.py 21 0 10 0 100%\noctodns/processor/spf.py 59 0 26 0 100%\noctodns/provider/__init__.py 4 0 0 0 100%\noctodns/provider/base.py 147 0 72 0 100%\noctodns/provider/plan.py 203 0 65 0 100%\noctodns/provider/yaml.py 177 0 88 0 100%\noctodns/record/__init__.py 73 0 0 0 100%\noctodns/record/a.py 13 0 0 0 100%\noctodns/record/aaaa.py 13 0 0 0 100%\noctodns/record/alias.py 15 0 4 0 100%\noctodns/record/base.py 268 0 118 0 100%\noctodns/record/caa.py 71 0 34 0 100%\noctodns/record/change.py 28 0 2 0 100%\noctodns/record/chunked.py 49 0 28 0 100%\noctodns/record/cname.py 16 0 4 0 100%\noctodns/record/dname.py 9 0 0 0 100%\noctodns/record/ds.py 121 0 52 0 100%\noctodns/record/dynamic.py 270 0 124 0 100%\noctodns/record/exception.py 17 0 4 0 100%\noctodns/record/geo.py 117 0 50 0 100%\noctodns/record/geo_data.py 1 0 0 0 100%\noctodns/record/ip.py 33 0 22 0 100%\noctodns/record/loc.py 184 0 82 0 100%\noctodns/record/mx.py 88 0 32 0 100%\noctodns/record/naptr.py 109 0 50 0 100%\noctodns/record/ns.py 8 0 0 0 100%\noctodns/record/ptr.py 11 0 2 0 100%\noctodns/record/rr.py 12 0 0 0 100%\noctodns/record/spf.py 10 0 0 0 100%\noctodns/record/srv.py 117 0 48 0 100%\noctodns/record/sshfp.py 86 0 38 0 100%\noctodns/record/subnet.py 13 0 4 0 100%\noctodns/record/target.py 57 0 38 0 100%\noctodns/record/tlsa.py 97 0 44 0 100%\noctodns/record/txt.py 8 0 0 0 100%\noctodns/record/urlfwd.py 85 0 46 0 100%\noctodns/source/__init__.py 0 0 0 0 100%\noctodns/source/base.py 22 0 8 0 100%\noctodns/source/envvar.py 36 0 2 0 100%\noctodns/source/tinydns.py 239 0 132 0 100%\noctodns/yaml.py 48 0 10 0 100%\noctodns/zone.py 168 0 97 0 100%\n------------------------------------------------------------------\nTOTAL 4010 0 1675 0 100%\nCoverage HTML written to dir htmlcov\nCoverage XML written to file coverage.xml\n\nRequired test coverage of 100% reached. Total coverage: 100.00%\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 5.45s =========================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "ci (3.12)/5_CI Build.txt", "log": "##[group]Run ./script/cibuild\n\u001b[36;1m./script/cibuild\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n## bootstrap ###################################################################\nRequirement already satisfied: pip>=10.0.1 in ./env/lib/python3.12/site-packages (23.2.1)\nCollecting pip>=10.0.1\n Obtaining dependency information for pip>=10.0.1 from https://files.pythonhosted.org/packages/47/6a/453160888fab7c6a432a6e25f8afe6256d0d9f2cbd25971021da6491d899/pip-23.3.1-py3-none-any.whl.metadata\n Downloading pip-23.3.1-py3-none-any.whl.metadata (3.5 kB)\nDownloading pip-23.3.1-py3-none-any.whl (2.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 2.1/2.1 MB 42.9 MB/s eta 0:00:00\nInstalling collected packages: pip\n Attempting uninstall: pip\n Found existing installation: pip 23.2.1\n Uninstalling pip-23.2.1:\n Successfully uninstalled pip-23.2.1\nSuccessfully installed pip-23.3.1\nCollecting PyYAML==6.0.1 (from -r requirements.txt (line 2))\n Using cached PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting dnspython==2.4.2 (from -r requirements.txt (line 3))\n Using cached dnspython-2.4.2-py3-none-any.whl.metadata (4.9 kB)\nCollecting fqdn==1.5.1 (from -r requirements.txt (line 4))\n Using cached fqdn-1.5.1-py3-none-any.whl (9.1 kB)\nCollecting idna==3.4 (from -r requirements.txt (line 5))\n Using cached idna-3.4-py3-none-any.whl (61 kB)\nCollecting natsort==8.4.0 (from -r requirements.txt (line 6))\n Using cached natsort-8.4.0-py3-none-any.whl.metadata (21 kB)\nCollecting python-dateutil==2.8.2 (from -r requirements.txt (line 7))\n Using cached python_dateutil-2.8.2-py2.py3-none-any.whl (247 kB)\nCollecting six==1.16.0 (from -r requirements.txt (line 8))\n Using cached six-1.16.0-py2.py3-none-any.whl (11 kB)\nUsing cached PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\nUsing cached dnspython-2.4.2-py3-none-any.whl (300 kB)\nUsing cached natsort-8.4.0-py3-none-any.whl (38 kB)\nInstalling collected packages: six, PyYAML, natsort, idna, fqdn, dnspython, python-dateutil\nSuccessfully installed PyYAML-6.0.1 dnspython-2.4.2 fqdn-1.5.1 idna-3.4 natsort-8.4.0 python-dateutil-2.8.2 six-1.16.0\nCollecting Pygments==2.17.2 (from -r requirements-dev.txt (line 2))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting black==23.11.0 (from -r requirements-dev.txt (line 3))\n Downloading black-23.11.0-py3-none-any.whl.metadata (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.9/66.9 kB 3.5 MB/s eta 0:00:00\nCollecting build==1.0.3 (from -r requirements-dev.txt (line 4))\n Downloading build-1.0.3-py3-none-any.whl.metadata (4.2 kB)\nCollecting certifi==2023.11.17 (from -r requirements-dev.txt (line 5))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting cffi==1.16.0 (from -r requirements-dev.txt (line 6))\n Downloading cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting charset-normalizer==3.3.2 (from -r requirements-dev.txt (line 7))\n Downloading charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting click==8.1.7 (from -r requirements-dev.txt (line 8))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting cmarkgfm==2022.10.27 (from -r requirements-dev.txt (line 9))\n Downloading cmarkgfm-2022.10.27.tar.gz (141 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 141.2/141.2 kB 29.2 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Installing backend dependencies: started\n Installing backend dependencies: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting coverage==7.3.2 (from -r requirements-dev.txt (line 10))\n Downloading coverage-7.3.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (8.1 kB)\nCollecting docutils==0.20.1 (from -r requirements-dev.txt (line 11))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting exceptiongroup==1.2.0 (from -r requirements-dev.txt (line 12))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting importlib-metadata==6.8.0 (from -r requirements-dev.txt (line 13))\n Downloading importlib_metadata-6.8.0-py3-none-any.whl.metadata (5.1 kB)\nCollecting iniconfig==2.0.0 (from -r requirements-dev.txt (line 14))\n Downloading iniconfig-2.0.0-py3-none-any.whl (5.9 kB)\nCollecting isort==5.12.0 (from -r requirements-dev.txt (line 15))\n Downloading isort-5.12.0-py3-none-any.whl (91 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 91.2/91.2 kB 19.2 MB/s eta 0:00:00\nCollecting jaraco.classes==3.3.0 (from -r requirements-dev.txt (line 16))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting keyring==24.3.0 (from -r requirements-dev.txt (line 17))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting markdown-it-py==3.0.0 (from -r requirements-dev.txt (line 18))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting mdurl==0.1.2 (from -r requirements-dev.txt (line 19))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting more-itertools==10.1.0 (from -r requirements-dev.txt (line 20))\n Downloading more_itertools-10.1.0-py3-none-any.whl.metadata (33 kB)\nCollecting mypy-extensions==1.0.0 (from -r requirements-dev.txt (line 21))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting nh3==0.2.14 (from -r requirements-dev.txt (line 22))\n Downloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.6 kB)\nCollecting packaging==23.2 (from -r requirements-dev.txt (line 23))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec==0.11.2 (from -r requirements-dev.txt (line 24))\n Downloading pathspec-0.11.2-py3-none-any.whl.metadata (19 kB)\nCollecting pkginfo==1.9.6 (from -r requirements-dev.txt (line 25))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting platformdirs==4.0.0 (from -r requirements-dev.txt (line 26))\n Downloading platformdirs-4.0.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy==1.3.0 (from -r requirements-dev.txt (line 27))\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pprintpp==0.4.0 (from -r requirements-dev.txt (line 28))\n Downloading pprintpp-0.4.0-py2.py3-none-any.whl (16 kB)\nCollecting pycountry-convert==0.7.2 (from -r requirements-dev.txt (line 29))\n Downloading pycountry_convert-0.7.2-py3-none-any.whl (13 kB)\nCollecting pycountry==22.3.5 (from -r requirements-dev.txt (line 30))\n Downloading pycountry-22.3.5.tar.gz (10.1 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 10.1/10.1 MB 104.7 MB/s eta 0:00:00\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pycparser==2.21 (from -r requirements-dev.txt (line 31))\n Using cached pycparser-2.21-py2.py3-none-any.whl (118 kB)\nCollecting pyflakes==3.1.0 (from -r requirements-dev.txt (line 32))\n Downloading pyflakes-3.1.0-py2.py3-none-any.whl.metadata (3.5 kB)\nCollecting pyproject_hooks==1.0.0 (from -r requirements-dev.txt (line 33))\n Downloading pyproject_hooks-1.0.0-py3-none-any.whl (9.3 kB)\nCollecting pytest-cov==4.1.0 (from -r requirements-dev.txt (line 34))\n Downloading pytest_cov-4.1.0-py3-none-any.whl.metadata (26 kB)\nCollecting pytest-mock==3.12.0 (from -r requirements-dev.txt (line 35))\n Downloading pytest_mock-3.12.0-py3-none-any.whl.metadata (3.8 kB)\nCollecting pytest-network==0.0.1 (from -r requirements-dev.txt (line 36))\n Downloading pytest_network-0.0.1.tar.gz (2.8 kB)\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nCollecting pytest==7.4.3 (from -r requirements-dev.txt (line 37))\n Downloading pytest-7.4.3-py3-none-any.whl.metadata (7.9 kB)\nCollecting readme-renderer==42.0 (from -r requirements-dev.txt (line 38))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting repoze.lru==0.7 (from -r requirements-dev.txt (line 39))\n Downloading repoze.lru-0.7-py3-none-any.whl (10 kB)\nCollecting requests-toolbelt==1.0.0 (from -r requirements-dev.txt (line 40))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 15.2 MB/s eta 0:00:00\nCollecting requests==2.31.0 (from -r requirements-dev.txt (line 41))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting rfc3986==2.0.0 (from -r requirements-dev.txt (line 42))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich==13.7.0 (from -r requirements-dev.txt (line 43))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting tomli==2.0.1 (from -r requirements-dev.txt (line 44))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting twine==4.0.2 (from -r requirements-dev.txt (line 45))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting typing_extensions==4.8.0 (from -r requirements-dev.txt (line 46))\n Downloading typing_extensions-4.8.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting urllib3==2.1.0 (from -r requirements-dev.txt (line 47))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting zipp==3.17.0 (from -r requirements-dev.txt (line 48))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting SecretStorage>=3.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 13.3 MB/s eta 0:00:00\nCollecting wheel>=0.30.0 (from pycountry-convert==0.7.2->-r requirements-dev.txt (line 29))\n Using cached wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nCollecting setuptools (from pycountry==22.3.5->-r requirements-dev.txt (line 30))\n Using cached setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nRequirement already satisfied: idna<4,>=2.5 in ./env/lib/python3.12/site-packages (from requests==2.31.0->-r requirements-dev.txt (line 41)) (3.4)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring==24.3.0->-r requirements-dev.txt (line 17))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 93.6 MB/s eta 0:00:00\nDownloading black-23.11.0-py3-none-any.whl (191 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 192.0/192.0 kB 31.4 MB/s eta 0:00:00\nDownloading build-1.0.3-py3-none-any.whl (18 kB)\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 39.5 MB/s eta 0:00:00\nUsing cached cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (477 kB)\nDownloading charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (141 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 141.9/141.9 kB 38.7 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 29.8 MB/s eta 0:00:00\nDownloading coverage-7.3.2-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl (232 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 232.3/232.3 kB 48.7 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 74.1 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading importlib_metadata-6.8.0-py3-none-any.whl (22 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 23.7 MB/s eta 0:00:00\nDownloading more_itertools-10.1.0-py3-none-any.whl (55 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 55.8/55.8 kB 17.8 MB/s eta 0:00:00\nDownloading nh3-0.2.14-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 98.1 MB/s eta 0:00:00\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 16.2 MB/s eta 0:00:00\nDownloading pathspec-0.11.2-py3-none-any.whl (29 kB)\nDownloading platformdirs-4.0.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyflakes-3.1.0-py2.py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 21.7 MB/s eta 0:00:00\nDownloading pytest_cov-4.1.0-py3-none-any.whl (21 kB)\nDownloading pytest_mock-3.12.0-py3-none-any.whl (9.8 kB)\nDownloading pytest-7.4.3-py3-none-any.whl (325 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 325.1/325.1 kB 57.9 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 16.5 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 47.6 MB/s eta 0:00:00\nDownloading typing_extensions-4.8.0-py3-none-any.whl (31 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 23.3 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nUsing cached wheel-0.42.0-py3-none-any.whl (65 kB)\nUsing cached setuptools-69.0.2-py3-none-any.whl (819 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 107.6 MB/s eta 0:00:00\nBuilding wheels for collected packages: cmarkgfm, pycountry, pytest-network\n Building wheel for cmarkgfm (pyproject.toml): started\n Building wheel for cmarkgfm (pyproject.toml): finished with status 'done'\n Created wheel for cmarkgfm: filename=cmarkgfm-2022.10.27-cp312-cp312-linux_x86_64.whl size=438506 sha256=fdbb533fe00677616961eda92dc6f504f84259d4ff1cc2e0c8c49eb757e59b28\n Stored in directory: /home/runner/.cache/pip/wheels/6c/1d/0d/bc5293f7edd716c8f7a9b25a5f502bd38e1c55571911c11061\n Building wheel for pycountry (pyproject.toml): started\n Building wheel for pycountry (pyproject.toml): finished with status 'done'\n Created wheel for pycountry: filename=pycountry-22.3.5-py2.py3-none-any.whl size=10681832 sha256=b3b721e2fbf3c359615fd74198aeb99ce8f19c4ba021148a3fd45761cf5b0eac\n Stored in directory: /home/runner/.cache/pip/wheels/d6/29/9b/b87113e87dc952ca6b3cf003fca8372f7bd12295acf65992eb\n Building wheel for pytest-network (pyproject.toml): started\n Building wheel for pytest-network (pyproject.toml): finished with status 'done'\n Created wheel for pytest-network: filename=pytest_network-0.0.1-py3-none-any.whl size=2960 sha256=994e926858a63d0e463602aa11c5e011a31c647010ee4498f67d409c1c4d53b5\n Stored in directory: /home/runner/.cache/pip/wheels/e9/6b/5a/3160ef803b88264fbb8882984c076ae87b75c5297a401103e4\nSuccessfully built cmarkgfm pycountry pytest-network\nInstalling collected packages: repoze.lru, pprintpp, nh3, zipp, wheel, urllib3, typing_extensions, tomli, setuptools, rfc3986, pyproject_hooks, Pygments, pyflakes, pycparser, pluggy, platformdirs, pkginfo, pathspec, packaging, mypy-extensions, more-itertools, mdurl, jeepney, isort, iniconfig, exceptiongroup, docutils, coverage, click, charset-normalizer, certifi, requests, readme-renderer, pytest, pycountry, markdown-it-py, jaraco.classes, importlib-metadata, cffi, build, black, rich, requests-toolbelt, pytest-network, pytest-mock, pytest-cov, cryptography, cmarkgfm, SecretStorage, pycountry-convert, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 black-23.11.0 build-1.0.3 certifi-2023.11.17 cffi-1.16.0 charset-normalizer-3.3.2 click-8.1.7 cmarkgfm-2022.10.27 coverage-7.3.2 cryptography-41.0.7 docutils-0.20.1 exceptiongroup-1.2.0 importlib-metadata-6.8.0 iniconfig-2.0.0 isort-5.12.0 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mdurl-0.1.2 more-itertools-10.1.0 mypy-extensions-1.0.0 nh3-0.2.14 packaging-23.2 pathspec-0.11.2 pkginfo-1.9.6 platformdirs-4.0.0 pluggy-1.3.0 pprintpp-0.4.0 pycountry-22.3.5 pycountry-convert-0.7.2 pycparser-2.21 pyflakes-3.1.0 pyproject_hooks-1.0.0 pytest-7.4.3 pytest-cov-4.1.0 pytest-mock-3.12.0 pytest-network-0.0.1 readme-renderer-42.0 repoze.lru-0.7 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 setuptools-69.0.2 tomli-2.0.1 twine-4.0.2 typing_extensions-4.8.0 urllib3-2.1.0 wheel-0.42.0 zipp-3.17.0\n\nSetting blame.ignoreRevsFile to .git-blame-ingore-revs\n\nInstalling pre-commit hook\n\nRun source env/bin/activate to get your shell in to the virtualenv\nSee README.md for more information.\n\n## environment & versions ######################################################\nPython 3.12.1\npip 23.3.1 from /home/runner/work/octodns/octodns/env/lib/python3.12/site-packages/pip (python 3.12)\n## modules: \nblack==23.11.0\nbuild==1.0.3\ncertifi==2023.11.17\ncffi==1.16.0\ncharset-normalizer==3.3.2\nclick==8.1.7\ncmarkgfm==2022.10.27\ncoverage==7.3.2\ncryptography==41.0.7\ndnspython==2.4.2\ndocutils==0.20.1\nexceptiongroup==1.2.0\nfqdn==1.5.1\nidna==3.4\nimportlib-metadata==6.8.0\niniconfig==2.0.0\nisort==5.12.0\njaraco.classes==3.3.0\njeepney==0.8.0\nkeyring==24.3.0\nmarkdown-it-py==3.0.0\nmdurl==0.1.2\nmore-itertools==10.1.0\nmypy-extensions==1.0.0\nnatsort==8.4.0\nnh3==0.2.14\npackaging==23.2\npathspec==0.11.2\npkginfo==1.9.6\nplatformdirs==4.0.0\npluggy==1.3.0\npprintpp==0.4.0\npycountry==22.3.5\npycountry-convert==0.7.2\npycparser==2.21\npyflakes==3.1.0\nPygments==2.17.2\npyproject_hooks==1.0.0\npytest==7.4.3\npytest-cov==4.1.0\npytest-mock==3.12.0\npytest-network==0.0.1\npython-dateutil==2.8.2\nPyYAML==6.0.1\nreadme-renderer==42.0\nrepoze.lru==0.7\nrequests==2.31.0\nrequests-toolbelt==1.0.0\nrfc3986==2.0.0\nrich==13.7.0\nSecretStorage==3.3.3\nsetuptools==69.0.2\nsix==1.16.0\ntomli==2.0.1\ntwine==4.0.2\ntyping_extensions==4.8.0\nurllib3==2.1.0\nwheel==0.42.0\nzipp==3.17.0\n## clean up ####################################################################\n## begin #######################################################################\n## lint ########################################################################\n## formatting ##################################################################\nAll done! \u2728 \ud83c\udf70 \u2728\n110 files would be left unchanged.\n## tests/coverage ##############################################################\n============================= test session starts ==============================\nplatform linux -- Python 3.12.1, pytest-7.4.3, pluggy-1.3.0\nrootdir: /home/runner/work/octodns/octodns\nconfigfile: pyproject.toml\nplugins: mock-3.12.0, network-0.0.1, cov-4.1.0\ncollected 294 items\n\ntests/test_octodns_equality.py .. [ 0%]\ntests/test_octodns_idna.py ......... [ 3%]\ntests/test_octodns_manager.py ...........................F.............. [ 18%]\n [ 18%]\ntests/test_octodns_plan.py .......... [ 21%]\ntests/test_octodns_processor_acme.py . [ 21%]\ntests/test_octodns_processor_arpa.py ......... [ 24%]\ntests/test_octodns_processor_filter.py ................ [ 30%]\ntests/test_octodns_processor_meta.py ...... [ 32%]\ntests/test_octodns_processor_ownership.py ... [ 33%]\ntests/test_octodns_processor_restrict.py . [ 33%]\ntests/test_octodns_processor_spf.py ....... [ 36%]\ntests/test_octodns_provider_base.py ................................ [ 46%]\ntests/test_octodns_provider_yaml.py ................... [ 53%]\ntests/test_octodns_record.py ......................... [ 61%]\ntests/test_octodns_record_a.py .. [ 62%]\ntests/test_octodns_record_aaaa.py ... [ 63%]\ntests/test_octodns_record_alias.py ... [ 64%]\ntests/test_octodns_record_caa.py .... [ 65%]\ntests/test_octodns_record_change.py .. [ 66%]\ntests/test_octodns_record_chunked.py . [ 67%]\ntests/test_octodns_record_cname.py ... [ 68%]\ntests/test_octodns_record_dname.py ... [ 69%]\ntests/test_octodns_record_ds.py . [ 69%]\ntests/test_octodns_record_dynamic.py ................ [ 74%]\ntests/test_octodns_record_geo.py ....... [ 77%]\ntests/test_octodns_record_ip.py . [ 77%]\ntests/test_octodns_record_loc.py .... [ 78%]\ntests/test_octodns_record_mx.py .... [ 80%]\ntests/test_octodns_record_naptr.py ... [ 81%]\ntests/test_octodns_record_ns.py ... [ 82%]\ntests/test_octodns_record_ptr.py ... [ 83%]\ntests/test_octodns_record_spf.py .. [ 84%]\ntests/test_octodns_record_srv.py .... [ 85%]\ntests/test_octodns_record_sshfp.py .... [ 86%]\ntests/test_octodns_record_target.py . [ 87%]\ntests/test_octodns_record_tlsa.py ... [ 88%]\ntests/test_octodns_record_txt.py .... [ 89%]\ntests/test_octodns_record_urlfwd.py .. [ 90%]\ntests/test_octodns_source_envvar.py .. [ 90%]\ntests/test_octodns_source_tinydns.py ..... [ 92%]\ntests/test_octodns_yaml.py .. [ 93%]\ntests/test_octodns_zone.py .................... [100%]\n\n=================================== FAILURES ===================================\n________________________ TestManager.test_missing_zone _________________________\n\nself = \n\n def test_missing_zone(self):\n with self.assertRaises(ManagerException) as ctx:\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n> self.assertTrue('Requested zone:' in str(ctx.exception))\nE AssertionError: False is not true\n\ntests/test_octodns_manager.py:87: AssertionError\n\n---------- coverage: platform linux, python 3.12.1-final-0 -----------\nName Stmts Miss Branch BrPart Cover\n------------------------------------------------------------------\noctodns/__init__.py 1 0 0 0 100%\noctodns/context.py 4 0 0 0 100%\noctodns/deprecation.py 3 0 0 0 100%\noctodns/equality.py 15 0 0 0 100%\noctodns/idna.py 53 0 13 0 100%\noctodns/manager.py 509 0 195 0 100%\noctodns/processor/__init__.py 0 0 0 0 100%\noctodns/processor/acme.py 22 0 8 0 100%\noctodns/processor/arpa.py 40 0 20 0 100%\noctodns/processor/base.py 13 0 0 0 100%\noctodns/processor/filter.py 134 0 44 0 100%\noctodns/processor/meta.py 48 0 16 0 100%\noctodns/processor/ownership.py 45 0 20 0 100%\noctodns/processor/restrict.py 21 0 10 0 100%\noctodns/processor/spf.py 59 0 24 0 100%\noctodns/provider/__init__.py 4 0 0 0 100%\noctodns/provider/base.py 147 0 68 0 100%\noctodns/provider/plan.py 203 0 61 0 100%\noctodns/provider/yaml.py 177 0 86 0 100%\noctodns/record/__init__.py 73 0 0 0 100%\noctodns/record/a.py 13 0 0 0 100%\noctodns/record/aaaa.py 13 0 0 0 100%\noctodns/record/alias.py 15 0 4 0 100%\noctodns/record/base.py 268 0 108 0 100%\noctodns/record/caa.py 71 0 32 0 100%\noctodns/record/change.py 28 0 2 0 100%\noctodns/record/chunked.py 49 0 26 0 100%\noctodns/record/cname.py 16 0 4 0 100%\noctodns/record/dname.py 9 0 0 0 100%\noctodns/record/ds.py 121 0 50 0 100%\noctodns/record/dynamic.py 270 0 122 0 100%\noctodns/record/exception.py 17 0 4 0 100%\noctodns/record/geo.py 117 0 50 0 100%\noctodns/record/geo_data.py 1 0 0 0 100%\noctodns/record/ip.py 33 0 18 0 100%\noctodns/record/loc.py 184 0 80 0 100%\noctodns/record/mx.py 88 0 30 0 100%\noctodns/record/naptr.py 109 0 48 0 100%\noctodns/record/ns.py 8 0 0 0 100%\noctodns/record/ptr.py 11 0 2 0 100%\noctodns/record/rr.py 12 0 0 0 100%\noctodns/record/spf.py 10 0 0 0 100%\noctodns/record/srv.py 117 0 46 0 100%\noctodns/record/sshfp.py 86 0 36 0 100%\noctodns/record/subnet.py 13 0 4 0 100%\noctodns/record/target.py 57 0 36 0 100%\noctodns/record/tlsa.py 97 0 42 0 100%\noctodns/record/txt.py 8 0 0 0 100%\noctodns/record/urlfwd.py 85 0 44 0 100%\noctodns/source/__init__.py 0 0 0 0 100%\noctodns/source/base.py 22 0 8 0 100%\noctodns/source/envvar.py 36 0 2 0 100%\noctodns/source/tinydns.py 239 0 122 0 100%\noctodns/yaml.py 48 0 8 0 100%\noctodns/zone.py 168 0 90 0 100%\n------------------------------------------------------------------\nTOTAL 4010 0 1583 0 100%\nCoverage HTML written to dir htmlcov\nCoverage XML written to file coverage.xml\n\nRequired test coverage of 100% reached. Total coverage: 100.00%\n=========================== short test summary info ============================\nFAILED tests/test_octodns_manager.py::TestManager::test_missing_zone - AssertionError: False is not true\n======================== 1 failed, 293 passed in 7.61s =========================\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/test_octodns_manager.py b/tests/test_octodns_manager.py\nindex b8f3c92..b93c9b8 100644\n--- a/tests/test_octodns_manager.py\n+++ b/tests/test_octodns_manager.py\n@@ -84,7 +84,7 @@ class TestManager(TestCase):\n Manager(get_config_filename('dynamic-config.yaml')).sync(\n ['missing.zones.']\n )\n- self.assertTrue('Requested zone:' in str(ctx.exception))\n+ self.assertTrue('Requested zone ' in str(ctx.exception))\n \n def test_missing_targets(self):\n with self.assertRaises(ManagerException) as ctx:\n", "difficulty": 3, "changed_files": ["tests/test_octodns_manager.py"], "commit_link": "https://github.com/octodns/octodns/tree/9e1aa7b8edfb723656f41f97bab57f9a653d5e1b"} \ No newline at end of file diff --git a/data/python/aa8a42b.json b/data/python/aa8a42b.json new file mode 100644 index 0000000000000000000000000000000000000000..7d0333e76f63e6670ac27e6beef5c7322bce80ab --- /dev/null +++ b/data/python/aa8a42b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 74, "repo_owner": "encode", "repo_name": "httpx", "head_branch": "cookie-persistence-option", "workflow_name": "Test Suite", "workflow_filename": "test-suite.yml", "workflow_path": ".github/workflows/test-suite.yml", "contributor": "MarkWine", "sha_fail": "aa8a42bcf03f3b89575a9cce2f8af715a5121c59", "sha_success": "841f11c1a93299b9032d18d0bb5d112421149336", "workflow": "---\nname: Test Suite\n\non:\n push:\n branches: [\"master\"]\n pull_request:\n branches: [\"master\"]\n\njobs:\n tests:\n name: \"Python ${{ matrix.python-version }}\"\n runs-on: \"ubuntu-latest\"\n\n strategy:\n matrix:\n python-version: [\"3.8\", \"3.9\", \"3.10\", \"3.11\", \"3.12\"]\n\n steps:\n - uses: \"actions/checkout@v4\"\n - uses: \"actions/setup-python@v4\"\n with:\n python-version: \"${{ matrix.python-version }}\"\n allow-prereleases: true\n - name: \"Install dependencies\"\n run: \"scripts/install\"\n - name: \"Run linting checks\"\n run: \"scripts/check\"\n - name: \"Build package & docs\"\n run: \"scripts/build\"\n - name: \"Run tests\"\n run: \"scripts/test\"\n - name: \"Enforce coverage\"\n run: \"scripts/coverage\"\n", "logs": [{"step_name": "Python 3.8/7_Run tests.txt", "log": "##[group]Run scripts/test\n\u001b[36;1mscripts/test\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n+ [ -z true ]\n+ coverage run -m pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/httpx/httpx\nconfigfile: pyproject.toml\nplugins: anyio-4.2.0\ncollected 855 items\n\ntests/test_api.py ........... [ 1%]\ntests/test_asgi.py ........................ [ 4%]\ntests/test_auth.py ........ [ 5%]\ntests/test_config.py ............................... [ 8%]\ntests/test_content.py ........................................ [ 13%]\ntests/test_decoders.py ................................... [ 17%]\ntests/test_exceptions.py ... [ 17%]\ntests/test_exported_members.py . [ 17%]\ntests/test_main.py ........... [ 19%]\ntests/test_multipart.py ...................................... [ 23%]\ntests/test_status_codes.py ...... [ 24%]\ntests/test_timeouts.py ........ [ 25%]\ntests/test_utils.py .................................................... [ 31%]\n.... [ 31%]\ntests/test_wsgi.py ............ [ 33%]\ntests/client/test_async_client.py ...................................... [ 37%]\n.............. [ 39%]\ntests/client/test_auth.py .............................................. [ 44%]\n..........................s........ [ 48%]\ntests/client/test_client.py ................................... [ 52%]\ntests/client/test_cookies.py .....FF. [ 53%]\ntests/client/test_event_hooks.py ......... [ 54%]\ntests/client/test_headers.py ........... [ 56%]\ntests/client/test_properties.py ........ [ 57%]\ntests/client/test_proxies.py ........................................... [ 62%]\n.................................... [ 66%]\ntests/client/test_queryparams.py ... [ 66%]\ntests/client/test_redirects.py .............................F. [ 70%]\ntests/models/test_cookies.py ....... [ 71%]\ntests/models/test_headers.py .................. [ 73%]\ntests/models/test_queryparams.py .............. [ 74%]\ntests/models/test_requests.py ....................... [ 77%]\ntests/models/test_responses.py ......................................... [ 82%]\n................................................................. [ 89%]\ntests/models/test_url.py ............................................... [ 95%]\n....................................... [100%]\n\n=================================== FAILURES ===================================\n_______________________________ test_get_cookie ________________________________\n\n def test_get_cookie() -> None:\n url = \"http://example.org/set_cookie\"\n \n client = httpx.Client(transport=httpx.MockTransport(get_and_set_cookies))\n response = client.get(url)\n \n assert response.status_code == 200\n assert response.cookies[\"example-name\"] == \"example-value\"\n> assert client.cookies[\"example-name\"] == \"example-value\"\n\ntests/client/test_cookies.py:148: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = , name = 'example-name'\n\n def __getitem__(self, name: str) -> str:\n value = self.get(name)\n if value is None:\n> raise KeyError(name)\nE KeyError: 'example-name'\n\nhttpx/_models.py:1154: KeyError\n___________________________ test_cookie_persistence ____________________________\n\n def test_cookie_persistence() -> None:\n \"\"\"\n Ensure that Client instances persist cookies between requests.\n \"\"\"\n client = httpx.Client(transport=httpx.MockTransport(get_and_set_cookies))\n \n response = client.get(\"http://example.org/echo_cookies\")\n assert response.status_code == 200\n assert response.json() == {\"cookies\": None}\n \n response = client.get(\"http://example.org/set_cookie\")\n assert response.status_code == 200\n assert response.cookies[\"example-name\"] == \"example-value\"\n> assert client.cookies[\"example-name\"] == \"example-value\"\n\ntests/client/test_cookies.py:164: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = , name = 'example-name'\n\n def __getitem__(self, name: str) -> str:\n value = self.get(name)\n if value is None:\n> raise KeyError(name)\nE KeyError: 'example-name'\n\nhttpx/_models.py:1154: KeyError\n________________________ test_redirect_cookie_behavior _________________________\n\n def test_redirect_cookie_behavior():\n client = httpx.Client(\n transport=httpx.MockTransport(cookie_sessions), follow_redirects=True\n )\n \n # The client is not logged in.\n response = client.get(\"https://example.com/\")\n assert response.url == \"https://example.com/\"\n assert response.text == \"Not logged in\"\n \n # Login redirects to the homepage, setting a session cookie.\n response = client.post(\"https://example.com/login\")\n assert response.url == \"https://example.com/\"\n> assert response.text == \"Logged in\"\nE AssertionError: assert 'Not logged in' == 'Logged in'\nE - Logged in\nE + Not logged in\n\ntests/client/test_redirects.py:416: AssertionError\n=========================== short test summary info ============================\nSKIPPED [1] tests/client/test_auth.py:272: netrc files without a password are invalid with Python < 3.11\n================== 3 failed, 851 passed, 1 skipped in 17.34s ===================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Python 3.11/7_Run tests.txt", "log": "##[group]Run scripts/test\n\u001b[36;1mscripts/test\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\n+ [ -z true ]\n+ coverage run -m pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.7, pytest-7.4.4, pluggy-1.3.0\nrootdir: /home/runner/work/httpx/httpx\nconfigfile: pyproject.toml\nplugins: anyio-4.2.0\ncollected 855 items\n\ntests/test_api.py ........... [ 1%]\ntests/test_asgi.py ........................ [ 4%]\ntests/test_auth.py ........ [ 5%]\ntests/test_config.py ............................... [ 8%]\ntests/test_content.py ........................................ [ 13%]\ntests/test_decoders.py ................................... [ 17%]\ntests/test_exceptions.py ... [ 17%]\ntests/test_exported_members.py . [ 17%]\ntests/test_main.py ........... [ 19%]\ntests/test_multipart.py ...................................... [ 23%]\ntests/test_status_codes.py ...... [ 24%]\ntests/test_timeouts.py ........ [ 25%]\ntests/test_utils.py .................................................... [ 31%]\n.... [ 31%]\ntests/test_wsgi.py ............ [ 33%]\ntests/client/test_async_client.py ...................................... [ 37%]\n.............. [ 39%]\ntests/client/test_auth.py .............................................. [ 44%]\n...........................s....... [ 48%]\ntests/client/test_client.py ................................... [ 52%]\ntests/client/test_cookies.py .....FF. [ 53%]\ntests/client/test_event_hooks.py ......... [ 54%]\ntests/client/test_headers.py ........... [ 56%]\ntests/client/test_properties.py ........ [ 57%]\ntests/client/test_proxies.py ........................................... [ 62%]\n.................................... [ 66%]\ntests/client/test_queryparams.py ... [ 66%]\ntests/client/test_redirects.py .............................F. [ 70%]\ntests/models/test_cookies.py ....... [ 71%]\ntests/models/test_headers.py .................. [ 73%]\ntests/models/test_queryparams.py .............. [ 74%]\ntests/models/test_requests.py ....................... [ 77%]\ntests/models/test_responses.py ......................................... [ 82%]\n................................................................. [ 89%]\ntests/models/test_url.py ............................................... [ 95%]\n....................................... [100%]\n\n=================================== FAILURES ===================================\n_______________________________ test_get_cookie ________________________________\n\n def test_get_cookie() -> None:\n url = \"http://example.org/set_cookie\"\n \n client = httpx.Client(transport=httpx.MockTransport(get_and_set_cookies))\n response = client.get(url)\n \n assert response.status_code == 200\n assert response.cookies[\"example-name\"] == \"example-value\"\n> assert client.cookies[\"example-name\"] == \"example-value\"\n\ntests/client/test_cookies.py:148: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = , name = 'example-name'\n\n def __getitem__(self, name: str) -> str:\n value = self.get(name)\n if value is None:\n> raise KeyError(name)\nE KeyError: 'example-name'\n\nhttpx/_models.py:1154: KeyError\n___________________________ test_cookie_persistence ____________________________\n\n def test_cookie_persistence() -> None:\n \"\"\"\n Ensure that Client instances persist cookies between requests.\n \"\"\"\n client = httpx.Client(transport=httpx.MockTransport(get_and_set_cookies))\n \n response = client.get(\"http://example.org/echo_cookies\")\n assert response.status_code == 200\n assert response.json() == {\"cookies\": None}\n \n response = client.get(\"http://example.org/set_cookie\")\n assert response.status_code == 200\n assert response.cookies[\"example-name\"] == \"example-value\"\n> assert client.cookies[\"example-name\"] == \"example-value\"\n\ntests/client/test_cookies.py:164: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = , name = 'example-name'\n\n def __getitem__(self, name: str) -> str:\n value = self.get(name)\n if value is None:\n> raise KeyError(name)\nE KeyError: 'example-name'\n\nhttpx/_models.py:1154: KeyError\n________________________ test_redirect_cookie_behavior _________________________\n\n def test_redirect_cookie_behavior():\n client = httpx.Client(\n transport=httpx.MockTransport(cookie_sessions), follow_redirects=True\n )\n \n # The client is not logged in.\n response = client.get(\"https://example.com/\")\n assert response.url == \"https://example.com/\"\n assert response.text == \"Not logged in\"\n \n # Login redirects to the homepage, setting a session cookie.\n response = client.post(\"https://example.com/login\")\n assert response.url == \"https://example.com/\"\n> assert response.text == \"Logged in\"\nE AssertionError: assert 'Not logged in' == 'Logged in'\nE - Logged in\nE + Not logged in\n\ntests/client/test_redirects.py:416: AssertionError\n=========================== short test summary info ============================\nSKIPPED [1] tests/client/test_auth.py:295: netrc files without a password are valid from Python >= 3.11\n================== 3 failed, 851 passed, 1 skipped in 16.79s ===================\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/httpx/_client.py b/httpx/_client.py\nindex 0a7490d..113eb47 100644\n--- a/httpx/_client.py\n+++ b/httpx/_client.py\n@@ -164,7 +164,7 @@ class BaseClient:\n params: typing.Optional[QueryParamTypes] = None,\n headers: typing.Optional[HeaderTypes] = None,\n cookies: typing.Optional[CookieTypes] = None,\n- persistent_cookies: bool = False,\n+ persistent_cookies: bool = True,\n timeout: TimeoutTypes = DEFAULT_TIMEOUT_CONFIG,\n follow_redirects: bool = False,\n max_redirects: int = DEFAULT_MAX_REDIRECTS,\n@@ -630,7 +630,7 @@ class Client(BaseClient):\n params: typing.Optional[QueryParamTypes] = None,\n headers: typing.Optional[HeaderTypes] = None,\n cookies: typing.Optional[CookieTypes] = None,\n- persistent_cookies: bool = False,\n+ persistent_cookies: bool = True,\n verify: VerifyTypes = True,\n cert: typing.Optional[CertTypes] = None,\n http1: bool = True,\n@@ -1375,7 +1375,7 @@ class AsyncClient(BaseClient):\n params: typing.Optional[QueryParamTypes] = None,\n headers: typing.Optional[HeaderTypes] = None,\n cookies: typing.Optional[CookieTypes] = None,\n- persistent_cookies: bool = False,\n+ persistent_cookies: bool = True,\n verify: VerifyTypes = True,\n cert: typing.Optional[CertTypes] = None,\n http1: bool = True,\n", "difficulty": 3, "changed_files": ["httpx/_client.py"], "commit_link": "https://github.com/encode/httpx/tree/aa8a42bcf03f3b89575a9cce2f8af715a5121c59"} \ No newline at end of file diff --git a/data/python/ac842d4.json b/data/python/ac842d4.json new file mode 100644 index 0000000000000000000000000000000000000000..700c7f1718ca1e0ff1d4795a6fadc666d6798143 --- /dev/null +++ b/data/python/ac842d4.json @@ -0,0 +1 @@ +{"language": "Python", "id": 39, "repo_owner": "qtile", "repo_name": "qtile", "head_branch": "master", "workflow_name": "Run pre-commit", "workflow_filename": "pre_commit.yml", "workflow_path": ".github/workflows/pre_commit.yml", "contributor": "qtile", "sha_fail": "ac842d4dfb46538e2e59e77a0d52080a153df886", "sha_success": "5795ce0bf3300d05a871d466c973f47308beba45", "workflow": "name: Run pre-commit\n\non:\n push:\n pull_request:\n\njobs:\n check:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: actions/setup-python@v4\n - name: Install dependencies\n run: |\n sudo apt update\n sudo apt install --no-install-recommends libxkbcommon-dev\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "check/5_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nDefaulting to user installation because normal site-packages is not writeable\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 KB 3.9 MB/s eta 0:00:00\nCollecting identify>=1.0.0\n Downloading identify-2.5.31-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 KB 9.1 MB/s eta 0:00:00\nCollecting cfgv>=2.0.0\n Downloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nRequirement already satisfied: pyyaml>=5.1 in /usr/lib/python3/dist-packages (from pre-commit) (5.4.1)\nCollecting virtualenv>=20.10.0\n Downloading virtualenv-20.24.6-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 21.1 MB/s eta 0:00:00\nCollecting nodeenv>=0.11.1\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nRequirement already satisfied: setuptools in /usr/lib/python3/dist-packages (from nodeenv>=0.11.1->pre-commit) (59.6.0)\nCollecting distlib<1,>=0.3.7\n Downloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 KB 37.7 MB/s eta 0:00:00\nCollecting platformdirs<4,>=3.9.1\n Downloading platformdirs-3.11.0-py3-none-any.whl (17 kB)\nCollecting filelock<4,>=3.12.2\n Downloading filelock-3.13.1-py3-none-any.whl (11 kB)\nInstalling collected packages: distlib, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.13.1 identify-2.5.31 nodeenv-1.8.0 platformdirs-3.11.0 pre-commit-3.5.0 virtualenv-20.24.6\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nargcomplete==3.1.2\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.13.1\nidentify==2.5.31\nnodeenv==1.8.0\npackaging==23.2\npipx==1.2.1\nplatformdirs==3.11.0\npre-commit==3.5.0\nuserpath==1.9.1\nvirtualenv==20.24.6\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\n##[endgroup]\nCache Size: ~36 MB (37431926 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/197df8ad-dba5-43ca-8f9c-fc801b310ed7/cache.tzst -P -C /home/runner/work/qtile/qtile --use-compress-program unzstd\nReceived 37431926 of 37431926 (100.0%), 35.7 MBs/sec\nCache restored successfully\nCache restored from key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[42mPassed\u001b[m\nmypy.....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: mypy\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\nlibqtile/hook.py:107: error: Need type annotation for \"hooks\" (hint: \"hooks: Set[] = ...\") [var-annotated]\nlibqtile/hook.py:136: error: Return type \"None\" of \"_subscribe\" incompatible with return type \"Callable[..., Any]\" in supertype \"Subscribe\" [override]\nlibqtile/bar.py:351: error: \"Subscribe\" has no attribute \"setgroup\" [attr-defined]\nlibqtile/bar.py:352: error: \"Subscribe\" has no attribute \"startup_complete\" [attr-defined]\nlibqtile/scratchpad.py:403: error: \"Subscribe\" has no attribute \"client_new\" [attr-defined]\nlibqtile/scratchpad.py:407: error: \"Subscribe\" has no attribute \"client_killed\" [attr-defined]\nlibqtile/scratchpad.py:408: error: \"Subscribe\" has no attribute \"float_change\" [attr-defined]\nlibqtile/layout/screensplit.py:177: error: \"Subscribe\" has no attribute \"focus_change\" [attr-defined]\nlibqtile/layout/screensplit.py:180: error: \"Unsubscribe\" has no attribute \"focus_change\" [attr-defined]\nlibqtile/core/state.py:91: error: \"Subscribe\" has no attribute \"client_new\" [attr-defined]\nlibqtile/core/state.py:110: error: \"Unsubscribe\" has no attribute \"client_new\" [attr-defined]\nlibqtile/core/manager.py:177: error: \"Subscribe\" has no attribute \"setgroup\" [attr-defined]\nlibqtile/core/manager.py:180: error: \"Subscribe\" has no attribute \"screen_change\" [attr-defined]\nlibqtile/widget/prompt.py:412: error: \"Subscribe\" has no attribute \"client_focus\" [attr-defined]\nlibqtile/backend/wayland/core.py:200: error: \"Subscribe\" has no attribute \"startup_complete\" [attr-defined]\nFound 15 errors in 8 files (checked 178 source files)\n\nvulture..................................................................\u001b[42mPassed\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/libqtile/hook.py b/libqtile/hook.py\nindex f405a68d..da33d949 100644\n--- a/libqtile/hook.py\n+++ b/libqtile/hook.py\n@@ -42,6 +42,8 @@ from libqtile.resources.sleep import inhibitor\n if TYPE_CHECKING:\n from typing import Callable\n \n+ HookHandler = Callable[[Callable], Callable]\n+\n subscriptions = {} # type: dict\n \n \n@@ -87,7 +89,7 @@ def _user_hook_func(self):\n def f(func):\n name = f\"user_{hook_name}\"\n if name not in self.hooks:\n- self.hooks.add(name)\n+ self.hooks[name] = None\n return self._subscribe(name, func)\n \n return f\n@@ -102,15 +104,28 @@ class Hook:\n self.func = func\n \n \n-class Subscribe:\n+class HookHandlerCollection:\n def __init__(self, registry_name: str, check_name=True):\n- self.hooks = set([])\n+ self.hooks: dict[str, HookHandler] = {}\n if check_name and registry_name in subscriptions:\n raise NameError(\"A hook registry already exists with that name: {registry_name}\")\n elif registry_name not in subscriptions:\n subscriptions[registry_name] = {}\n self.registry_name = registry_name\n \n+ def __getattr__(self, name: str) -> HookHandler:\n+ if name not in self.hooks:\n+ raise AttributeError\n+ return self.hooks[name]\n+\n+ def _register(self, hook: Hook) -> None:\n+ def _hook_func(func):\n+ return self._subscribe(hook.name, func)\n+\n+ self.hooks[hook.name] = _hook_func if hook.func is None else hook.func(self)\n+\n+\n+class Subscribe(HookHandlerCollection):\n def _subscribe(self, event: str, func: Callable) -> Callable:\n registry = subscriptions.setdefault(self.registry_name, dict())\n lst = registry.setdefault(event, [])\n@@ -118,16 +133,8 @@ class Subscribe:\n lst.append(func)\n return func\n \n- def _register(self, hook: Hook) -> None:\n- def _hook_func(func):\n- return self._subscribe(hook.name, func)\n-\n- self.hooks.add(hook.name)\n- setattr(self, hook.name, _hook_func if hook.func is None else hook.func(self))\n- setattr(getattr(self, hook.name), \"__doc__\", hook.doc)\n-\n \n-class Unsubscribe(Subscribe):\n+class Unsubscribe(HookHandlerCollection):\n \"\"\"\n This class mirrors subscribe, except the _subscribe member has been\n overridden to remove calls from hooks.\n@@ -153,7 +160,7 @@ class Registry:\n self.register_hook(hook)\n \n def register_hook(self, hook: Hook) -> None:\n- if hook.name in dir(self.subscribe):\n+ if hook.name in self.subscribe.hooks:\n raise utils.QtileError(\n f\"Unable to register hook. A hook with that name already exists: {hook.name}\"\n )\n", "difficulty": 2, "changed_files": ["libqtile/hook.py"], "commit_link": "https://github.com/qtile/qtile/tree/ac842d4dfb46538e2e59e77a0d52080a153df886"} \ No newline at end of file diff --git a/data/python/af9b76a.json b/data/python/af9b76a.json new file mode 100644 index 0000000000000000000000000000000000000000..02fc35349fe7f9e08c77b964ef81179aa91e797c --- /dev/null +++ b/data/python/af9b76a.json @@ -0,0 +1 @@ +{"language": "Python", "id": 29, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "ersi-lig-3910-update-mae-benchmark-code", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "lightly-ai", "sha_fail": "af9b76a790e0c06f0da674c3fdcd2e4404af1c99", "sha_success": "a0639a7caa3d617fe076547ccd2c3fdfd507aabc", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/7_Run Format Check.txt", "log": "##[group]Run make format-check\n\u001b[36;1mmake format-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n\u26ab Checking code format...\nisort --check-only --diff .\nERROR: /home/runner/work/lightly/lightly/docs/source/getting_started/benchmarks/imagenette_benchmark.py Imports are incorrectly sorted and/or formatted.\n--- /home/runner/work/lightly/lightly/docs/source/getting_started/benchmarks/imagenette_benchmark.py:before\t2024-01-08 18:14:31.536514\n+++ /home/runner/work/lightly/lightly/docs/source/getting_started/benchmarks/imagenette_benchmark.py:after\t2024-01-08 18:16:08.310119\n@@ -61,8 +61,8 @@\n \"\"\"\n import copy\n import os\n+import sys\n import time\n-import sys\n \n import numpy as np\n import pytorch_lightning as pl\n@@ -94,7 +94,12 @@\n VICRegLoss,\n )\n from lightly.models import modules, utils\n-from lightly.models.modules import heads, masked_autoencoder, masked_autoencoder_timm, memory_bank\n+from lightly.models.modules import (\n+ heads,\n+ masked_autoencoder,\n+ masked_autoencoder_timm,\n+ memory_bank,\n+)\n from lightly.transforms import (\n BYOLTransform,\n BYOLView1Transform,\nSkipped 2 files\nmake: *** [Makefile:45: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/docs/source/getting_started/benchmarks/imagenette_benchmark.py b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\nindex 6dfecb1f..4858e8cf 100644\n--- a/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n+++ b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n@@ -61,8 +61,8 @@ Results (4.5.2023):\n \"\"\"\n import copy\n import os\n-import time\n import sys\n+import time\n \n import numpy as np\n import pytorch_lightning as pl\n@@ -75,7 +75,9 @@ from pytorch_lightning.loggers import TensorBoardLogger\n try:\n from timm.models import vision_transformer\n except ImportError:\n- print(\"TIMM is not available. Please install in order to run this benchmark for MAE.\")\n+ print(\n+ \"TIMM is not available. Please install in order to run this benchmark for MAE.\"\n+ )\n sys.exit(1)\n \n from lightly.data import LightlyDataset\n@@ -94,7 +96,12 @@ from lightly.loss import (\n VICRegLoss,\n )\n from lightly.models import modules, utils\n-from lightly.models.modules import heads, masked_autoencoder, masked_autoencoder_timm, memory_bank\n+from lightly.models.modules import (\n+ heads,\n+ masked_autoencoder,\n+ masked_autoencoder_timm,\n+ memory_bank,\n+)\n from lightly.transforms import (\n BYOLTransform,\n BYOLView1Transform,\n", "difficulty": 0, "changed_files": ["docs/source/getting_started/benchmarks/imagenette_benchmark.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/af9b76a790e0c06f0da674c3fdcd2e4404af1c99"} \ No newline at end of file diff --git a/data/python/b15d4bd.json b/data/python/b15d4bd.json new file mode 100644 index 0000000000000000000000000000000000000000..c3fe3902c0a2e0d92cc0d0fe1d1e5e6c9672ff79 --- /dev/null +++ b/data/python/b15d4bd.json @@ -0,0 +1 @@ +{"language": "Python", "id": 8, "repo_owner": "scrapy", "repo_name": "scrapy", "head_branch": "simplify-attempt2", "workflow_name": "Checks", "workflow_filename": "checks.yml", "workflow_path": ".github/workflows/checks.yml", "contributor": "monicaq21", "sha_fail": "b15d4bd9177149b88d1b0f719e7e6290df81fe9a", "sha_success": "f629f8db5fa0bb8f46fbf64264c1a2d0dec55cfc", "workflow": "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n checks:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n include:\n - python-version: \"3.12\"\n env:\n TOXENV: pylint\n - python-version: 3.8\n env:\n TOXENV: typing\n - python-version: \"3.11\" # Keep in sync with .readthedocs.yml\n env:\n TOXENV: docs\n - python-version: \"3.12\"\n env:\n TOXENV: twinecheck\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n - name: Run check\n env: ${{ matrix.env }}\n run: |\n pip install -U tox\n tox\n\n pre-commit:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "pre-commit/3_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nDefaulting to user installation because normal site-packages is not writeable\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 KB 8.3 MB/s eta 0:00:00\nCollecting nodeenv>=0.11.1\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nRequirement already satisfied: pyyaml>=5.1 in /usr/lib/python3/dist-packages (from pre-commit) (5.4.1)\nCollecting identify>=1.0.0\n Downloading identify-2.5.32-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 KB 12.6 MB/s eta 0:00:00\nCollecting cfgv>=2.0.0\n Downloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nCollecting virtualenv>=20.10.0\n Downloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 27.4 MB/s eta 0:00:00\nRequirement already satisfied: setuptools in /usr/lib/python3/dist-packages (from nodeenv>=0.11.1->pre-commit) (59.6.0)\nCollecting platformdirs<5,>=3.9.1\n Downloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nCollecting filelock<4,>=3.12.2\n Downloading filelock-3.13.1-py3-none-any.whl (11 kB)\nCollecting distlib<1,>=0.3.7\n Downloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 KB 43.3 MB/s eta 0:00:00\nInstalling collected packages: distlib, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.13.1 identify-2.5.32 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.5.0 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nargcomplete==3.1.6\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.13.1\nidentify==2.5.32\nnodeenv==1.8.0\npackaging==23.2\npipx==1.2.1\nplatformdirs==4.1.0\npre-commit==3.5.0\nuserpath==1.9.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3||7a8fe885594aed9a90fd5938b4bb49b65732538a44c08aad3d6ea69d9d0cf64c\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\n##[endgroup]\nCache Size: ~33 MB (34938818 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/49db49b7-4865-4c29-942c-cd4505f101c6/cache.tzst -P -C /home/runner/work/scrapy/scrapy --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3||7a8fe885594aed9a90fd5938b4bb49b65732538a44c08aad3d6ea69d9d0cf64c\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nbandit...................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mscrapy/core/downloader/contextfactory.py\u001b[m\u001b[36m:\u001b[m182\u001b[36m:\u001b[m42\u001b[36m:\u001b[m \u001b[1m\u001b[31mE251\u001b[m unexpected spaces around keyword / parameter equals\n\u001b[1mscrapy/core/downloader/contextfactory.py\u001b[m\u001b[36m:\u001b[m182\u001b[36m:\u001b[m44\u001b[36m:\u001b[m \u001b[1m\u001b[31mE251\u001b[m unexpected spaces around keyword / parameter equals\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m51\u001b[36m:\u001b[m17\u001b[36m:\u001b[m \u001b[1m\u001b[31mW291\u001b[m trailing whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m55\u001b[36m:\u001b[m31\u001b[36m:\u001b[m \u001b[1m\u001b[31mW291\u001b[m trailing whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m57\u001b[36m:\u001b[m12\u001b[36m:\u001b[m \u001b[1m\u001b[31mW291\u001b[m trailing whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m63\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mE302\u001b[m expected 2 blank lines, found 1\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m180\u001b[36m:\u001b[m24\u001b[36m:\u001b[m \u001b[1m\u001b[31mW291\u001b[m trailing whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m191\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mW293\u001b[m blank line contains whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m193\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mE265\u001b[m block comment should start with '# '\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m198\u001b[36m:\u001b[m25\u001b[36m:\u001b[m \u001b[1m\u001b[31mW291\u001b[m trailing whitespace\n\u001b[1mscrapy/utils/misc.py\u001b[m\u001b[36m:\u001b[m213\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mE303\u001b[m too many blank lines (4)\n\u001b[1mtests/test_addons.py\u001b[m\u001b[36m:\u001b[m112\u001b[36m:\u001b[m41\u001b[36m:\u001b[m \u001b[1m\u001b[31mE999\u001b[m IndentationError: unindent does not match any outer indentation level\n\u001b[1mtests/test_utils_misc/__init__.py\u001b[m\u001b[36m:\u001b[m98\u001b[36m:\u001b[m5\u001b[36m:\u001b[m \u001b[1m\u001b[31mE301\u001b[m expected 1 blank line, found 0\n\u001b[1mtests/test_utils_misc/__init__.py\u001b[m\u001b[36m:\u001b[m125\u001b[36m:\u001b[m35\u001b[36m:\u001b[m \u001b[1m\u001b[31mF821\u001b[m undefined name 'settings'\n\u001b[1mtests/test_utils_misc/__init__.py\u001b[m\u001b[36m:\u001b[m133\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mW293\u001b[m blank line contains whitespace\n\nblack....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- exit code: 123\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted scrapy/addons.py\u001b[0m\n\u001b[1mreformatted scrapy/core/downloader/handlers/__init__.py\u001b[0m\n\u001b[1mreformatted scrapy/core/downloader/contextfactory.py\u001b[0m\n\u001b[1mreformatted scrapy/core/engine.py\u001b[0m\n\u001b[1mreformatted scrapy/crawler.py\u001b[0m\n\u001b[1mreformatted scrapy/utils/misc.py\u001b[0m\n\u001b[31merror: cannot format tests/test_addons.py: unindent does not match any outer indentation level (, line 112)\u001b[0m\n\u001b[1mreformatted tests/test_downloader_handlers.py\u001b[0m\n\u001b[1mreformatted tests/test_utils_misc/__init__.py\u001b[0m\n\n\u001b[1mOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\u001b[0m\n\u001b[34m\u001b[1m8 files \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m332 files \u001b[0mleft unchanged, \u001b[31m1 file failed to reformat\u001b[0m.\n\nisort....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: isort\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\nFixing /home/runner/work/scrapy/scrapy/scrapy/core/downloader/handlers/http10.py\nFixing /home/runner/work/scrapy/scrapy/scrapy/extensions/feedexport.py\n\nblacken-docs.............................................................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/scrapy/addons.py b/scrapy/addons.py\u001b[m\n\u001b[1mindex a6efba3..cb1574b 100644\u001b[m\n\u001b[1m--- a/scrapy/addons.py\u001b[m\n\u001b[1m+++ b/scrapy/addons.py\u001b[m\n\u001b[36m@@ -33,9 +33,7 @@\u001b[m \u001b[mclass AddonManager:\u001b[m\n try:\u001b[m\n addoncls = load_object(clspath)\u001b[m\n # changes create_instance call to build_from_settings\u001b[m\n\u001b[31m- addon = build_from_settings(\u001b[m\n\u001b[31m- addoncls, settings=settings\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m addon = build_from_settings(addoncls, settings=settings)\u001b[m\n addon.update_settings(settings)\u001b[m\n self.addons.append(addon)\u001b[m\n except NotConfigured as e:\u001b[m\n\u001b[1mdiff --git a/scrapy/core/downloader/contextfactory.py b/scrapy/core/downloader/contextfactory.py\u001b[m\n\u001b[1mindex 6d3ddd4..73a3d32 100644\u001b[m\n\u001b[1m--- a/scrapy/core/downloader/contextfactory.py\u001b[m\n\u001b[1m+++ b/scrapy/core/downloader/contextfactory.py\u001b[m\n\u001b[36m@@ -178,9 +178,7 @@\u001b[m \u001b[mdef load_context_factory_from_settings(settings, crawler):\u001b[m\n except TypeError:\u001b[m\n # use context factory defaults\u001b[m\n # changes create_instance call to build_from_settings\u001b[m\n\u001b[31m- context_factory = build_from_settings(\u001b[m\n\u001b[31m- context_factory_cls, settings = settings\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m context_factory = build_from_settings(context_factory_cls, settings=settings)\u001b[m\n # context_factory = create_instance(\u001b[m\n # objcls=context_factory_cls,\u001b[m\n # settings=settings,\u001b[m\n\u001b[1mdiff --git a/scrapy/core/downloader/handlers/__init__.py b/scrapy/core/downloader/handlers/__init__.py\u001b[m\n\u001b[1mindex d5b8ce8..fc597b0 100644\u001b[m\n\u001b[1m--- a/scrapy/core/downloader/handlers/__init__.py\u001b[m\n\u001b[1m+++ b/scrapy/core/downloader/handlers/__init__.py\u001b[m\n\u001b[36m@@ -56,9 +56,7 @@\u001b[m \u001b[mclass DownloadHandlers:\u001b[m\n if skip_lazy and getattr(dhcls, \"lazy\", True):\u001b[m\n return None\u001b[m\n # change create_instance call to build_from_settings\u001b[m\n\u001b[31m- dh = build_from_settings(\u001b[m\n\u001b[31m- dhcls, settings=self._crawler.settings\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m dh = build_from_settings(dhcls, settings=self._crawler.settings)\u001b[m\n # dh = create_instance(\u001b[m\n # objcls=dhcls,\u001b[m\n # settings=self._crawler.settings,\u001b[m\n\u001b[1mdiff --git a/scrapy/core/downloader/handlers/http10.py b/scrapy/core/downloader/handlers/http10.py\u001b[m\n\u001b[1mindex 76faf7d..5c01ba4 100644\u001b[m\n\u001b[1m--- a/scrapy/core/downloader/handlers/http10.py\u001b[m\n\u001b[1m+++ b/scrapy/core/downloader/handlers/http10.py\u001b[m\n\u001b[36m@@ -1,6 +1,6 @@\u001b[m\n \"\"\"Download handlers for http and https schemes\u001b[m\n \"\"\"\u001b[m\n\u001b[31m-from scrapy.utils.misc import build_from_settings, build_from_crawler, load_object\u001b[m\n\u001b[32m+\u001b[m\u001b[32mfrom scrapy.utils.misc import build_from_crawler, build_from_settings, load_object\u001b[m\n from scrapy.utils.python import to_unicode\u001b[m\n \u001b[m\n \u001b[m\n\u001b[1mdiff --git a/scrapy/core/engine.py b/scrapy/core/engine.py\u001b[m\n\u001b[1mindex 81aacdf..281dc8a 100644\u001b[m\n\u001b[1m--- a/scrapy/core/engine.py\u001b[m\n\u001b[1m+++ b/scrapy/core/engine.py\u001b[m\n\u001b[36m@@ -358,9 +358,7 @@\u001b[m \u001b[mclass ExecutionEngine:\u001b[m\n raise RuntimeError(f\"No free spider slot when opening {spider.name!r}\")\u001b[m\n logger.info(\"Spider opened\", extra={\"spider\": spider})\u001b[m\n nextcall = CallLaterOnce(self._next_request)\u001b[m\n\u001b[31m- scheduler = build_from_crawler(\u001b[m\n\u001b[31m- self.scheduler_cls, crawler=self.crawler\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m scheduler = build_from_crawler(self.scheduler_cls, crawler=self.crawler)\u001b[m\n start_requests = yield self.scraper.spidermw.process_start_requests(\u001b[m\n start_requests, spider\u001b[m\n )\u001b[m\n\u001b[1mdiff --git a/scrapy/crawler.py b/scrapy/crawler.py\u001b[m\n\u001b[1mindex a1f699b..1280953 100644\u001b[m\n\u001b[1m--- a/scrapy/crawler.py\u001b[m\n\u001b[1m+++ b/scrapy/crawler.py\u001b[m\n\u001b[36m@@ -111,7 +111,8 @@\u001b[m \u001b[mclass Crawler:\u001b[m\n \u001b[m\n # changes create_instance call to build_from_settings\u001b[m\n self.request_fingerprinter = build_from_settings(\u001b[m\n\u001b[31m- load_object(self.settings[\"REQUEST_FINGERPRINTER_CLASS\"]), settings=self.settings\u001b[m\n\u001b[32m+\u001b[m\u001b[32m load_object(self.settings[\"REQUEST_FINGERPRINTER_CLASS\"]),\u001b[m\n\u001b[32m+\u001b[m\u001b[32m settings=self.settings,\u001b[m\n )\u001b[m\n \u001b[m\n # self.request_fingerprinter = create_instance(\u001b[m\n\u001b[1mdiff --git a/scrapy/extensions/feedexport.py b/scrapy/extensions/feedexport.py\u001b[m\n\u001b[1mindex a4c8a47..62fb07e 100644\u001b[m\n\u001b[1m--- a/scrapy/extensions/feedexport.py\u001b[m\n\u001b[1m+++ b/scrapy/extensions/feedexport.py\u001b[m\n\u001b[36m@@ -28,7 +28,7 @@\u001b[m \u001b[mfrom scrapy.utils.defer import maybe_deferred_to_future\u001b[m\n from scrapy.utils.deprecate import create_deprecated_class\u001b[m\n from scrapy.utils.ftp import ftp_store_file\u001b[m\n from scrapy.utils.log import failure_to_exc_info\u001b[m\n\u001b[31m-from scrapy.utils.misc import build_from_settings, build_from_crawler, load_object\u001b[m\n\u001b[32m+\u001b[m\u001b[32mfrom scrapy.utils.misc import build_from_crawler, build_from_settings, load_object\u001b[m\n from scrapy.utils.python import without_none_values\u001b[m\n \u001b[m\n logger = logging.getLogger(__name__)\u001b[m\n\u001b[1mdiff --git a/scrapy/utils/misc.py b/scrapy/utils/misc.py\u001b[m\n\u001b[1mindex 613328a..63270e9 100644\u001b[m\n\u001b[1m--- a/scrapy/utils/misc.py\u001b[m\n\u001b[1m+++ b/scrapy/utils/misc.py\u001b[m\n\u001b[36m@@ -47,19 +47,21 @@\u001b[m \u001b[mdef arg_to_iter(arg: Any) -> Iterable[Any]:\u001b[m\n return cast(Iterable[Any], arg)\u001b[m\n return [arg]\u001b[m\n \u001b[m\n\u001b[32m+\u001b[m\n # def build_from_crawler(objcls, crawler, none, *args, **kwargs):\u001b[m\n\u001b[31m-# if crawler \u001b[m\n\u001b[32m+\u001b[m\u001b[32m# if crawler\u001b[m\n # if hasattr(objcls, \"from_crawler\"):\u001b[m\n # instance = objcls.from_crawler(crawler, *args, **kwargs)\u001b[m\n # method_name = \"from_crawler\"\u001b[m\n\u001b[31m-# if instance is None: \u001b[m\n\u001b[32m+\u001b[m\u001b[32m# if instance is None:\u001b[m\n # raise TypeError(f\"{objcls.__qualname__}.{method_name} returned None)\u001b[m\n\u001b[31m-# else: \u001b[m\n\u001b[32m+\u001b[m\u001b[32m# else:\u001b[m\n # instance = objcls(*args, **kwargs)\u001b[m\n # method_name = \"__new__\"\u001b[m\n \u001b[m\n # return instance\u001b[m\n \u001b[m\n\u001b[32m+\u001b[m\n def load_object(path: Union[str, Callable]) -> Any:\u001b[m\n \"\"\"Load an object given its absolute object path, and return it.\u001b[m\n \u001b[m\n\u001b[36m@@ -177,7 +179,7 @@\u001b[m \u001b[mdef rel_has_nofollow(rel: Optional[str]) -> bool:\u001b[m\n # Raises typeError is instance is None\u001b[m\n # Creates a class instance using 'from_crawler' constructor\u001b[m\n def build_from_crawler(objcls, crawler, /, *args, **kwargs):\u001b[m\n\u001b[31m- if crawler is None: \u001b[m\n\u001b[32m+\u001b[m\u001b[32m if crawler is None:\u001b[m\n raise ValueError(\"Specify crawler.\")\u001b[m\n if crawler and hasattr(objcls, \"from_crawler\"):\u001b[m\n instance = objcls.from_crawler(crawler, *args, **kwargs)\u001b[m\n\u001b[36m@@ -188,14 +190,14 @@\u001b[m \u001b[mdef build_from_crawler(objcls, crawler, /, *args, **kwargs):\u001b[m\n if instance is None:\u001b[m\n raise TypeError(f\"{objcls.__qualname__}.{method_name} returned None\")\u001b[m\n return instance\u001b[m\n\u001b[31m- \u001b[m\n \u001b[m\n\u001b[31m-#``*args`` and ``**kwargs`` are forwarded to the constructors.\u001b[m\n\u001b[32m+\u001b[m\n\u001b[32m+\u001b[m\u001b[32m# ``*args`` and ``**kwargs`` are forwarded to the constructors.\u001b[m\n # Raises ``ValueError`` if``settings`` is``None``.\u001b[m\n # Raises typeError is instance is None\u001b[m\n # Creates a class instance using 'from_settings' constructor\u001b[m\n def build_from_settings(objcls, settings, /, *args, **kwargs):\u001b[m\n\u001b[31m- if settings is None: \u001b[m\n\u001b[32m+\u001b[m\u001b[32m if settings is None:\u001b[m\n raise ValueError(\"Specify settings.\")\u001b[m\n if settings and hasattr(objcls, \"from_settings\"):\u001b[m\n instance = objcls.from_settings(settings, *args, **kwargs)\u001b[m\n\u001b[36m@@ -208,8 +210,6 @@\u001b[m \u001b[mdef build_from_settings(objcls, settings, /, *args, **kwargs):\u001b[m\n return instance\u001b[m\n \u001b[m\n \u001b[m\n\u001b[31m-\u001b[m\n\u001b[31m-\u001b[m\n @contextmanager\u001b[m\n def set_environ(**kwargs: str) -> Generator[None, Any, None]:\u001b[m\n \"\"\"Temporarily set environment variables inside the context manager and\u001b[m\n\u001b[1mdiff --git a/tests/test_downloader_handlers.py b/tests/test_downloader_handlers.py\u001b[m\n\u001b[1mindex 8595e68..37a5364 100644\u001b[m\n\u001b[1m--- a/tests/test_downloader_handlers.py\u001b[m\n\u001b[1m+++ b/tests/test_downloader_handlers.py\u001b[m\n\u001b[36m@@ -669,9 +669,7 @@\u001b[m \u001b[mclass Https11CustomCiphers(unittest.TestCase):\u001b[m\n crawler = get_crawler(\u001b[m\n settings_dict={\"DOWNLOADER_CLIENT_TLS_CIPHERS\": \"CAMELLIA256-SHA\"}\u001b[m\n )\u001b[m\n\u001b[31m- self.download_handler = build_from_crawler(\u001b[m\n\u001b[31m- self.download_handler_cls, crawler\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m self.download_handler = build_from_crawler(self.download_handler_cls, crawler)\u001b[m\n self.download_request = self.download_handler.download_request\u001b[m\n \u001b[m\n @defer.inlineCallbacks\u001b[m\n\u001b[36m@@ -1036,9 +1034,7 @@\u001b[m \u001b[mclass BaseFTPTestCase(unittest.TestCase):\u001b[m\n self.port = reactor.listenTCP(0, self.factory, interface=\"127.0.0.1\")\u001b[m\n self.portNum = self.port.getHost().port\u001b[m\n crawler = get_crawler()\u001b[m\n\u001b[31m- self.download_handler = build_from_crawler(\u001b[m\n\u001b[31m- FTPDownloadHandler, crawler\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m self.download_handler = build_from_crawler(FTPDownloadHandler, crawler)\u001b[m\n self.addCleanup(self.port.stopListening)\u001b[m\n \u001b[m\n def tearDown(self):\u001b[m\n\u001b[36m@@ -1182,9 +1178,7 @@\u001b[m \u001b[mclass AnonymousFTPTestCase(BaseFTPTestCase):\u001b[m\n self.port = reactor.listenTCP(0, self.factory, interface=\"127.0.0.1\")\u001b[m\n self.portNum = self.port.getHost().port\u001b[m\n crawler = get_crawler()\u001b[m\n\u001b[31m- self.download_handler = build_from_crawler(\u001b[m\n\u001b[31m- FTPDownloadHandler, crawler\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m self.download_handler = build_from_crawler(FTPDownloadHandler, crawler)\u001b[m\n self.addCleanup(self.port.stopListening)\u001b[m\n \u001b[m\n def tearDown(self):\u001b[m\n\u001b[36m@@ -1194,9 +1188,7 @@\u001b[m \u001b[mclass AnonymousFTPTestCase(BaseFTPTestCase):\u001b[m\n class DataURITestCase(unittest.TestCase):\u001b[m\n def setUp(self):\u001b[m\n crawler = get_crawler()\u001b[m\n\u001b[31m- self.download_handler = build_from_crawler(\u001b[m\n\u001b[31m- DataURIDownloadHandler, crawler\u001b[m\n\u001b[31m- )\u001b[m\n\u001b[32m+\u001b[m\u001b[32m self.download_handler = build_from_crawler(DataURIDownloadHandler, crawler)\u001b[m\n self.download_request = self.download_handler.download_request\u001b[m\n self.spider = Spider(\"foo\")\u001b[m\n \u001b[m\n\u001b[1mdiff --git a/tests/test_utils_misc/__init__.py b/tests/test_utils_misc/__init__.py\u001b[m\n\u001b[1mindex ccf8022..115ee7e 100644\u001b[m\n\u001b[1m--- a/tests/test_utils_misc/__init__.py\u001b[m\n\u001b[1m+++ b/tests/test_utils_misc/__init__.py\u001b[m\n\u001b[36m@@ -95,6 +95,7 @@\u001b[m \u001b[mclass UtilsMiscTestCase(unittest.TestCase):\u001b[m\n self.assertEqual(\u001b[m\n list(arg_to_iter(TestItem(name=\"john\"))), [TestItem(name=\"john\")]\u001b[m\n )\u001b[m\n\u001b[32m+\u001b[m\n def test_build_from_crawler(self):\u001b[m\n crawler = mock.MagicMock(spec_set=[\"settings\"])\u001b[m\n args = (True, 100.0)\u001b[m\n\u001b[36m@@ -130,7 +131,7 @@\u001b[m \u001b[mclass UtilsMiscTestCase(unittest.TestCase):\u001b[m\n m.from_crawler.return_value = None\u001b[m\n with self.assertRaises(TypeError):\u001b[m\n build_from_crawler(m, crawler, *args, **kwargs)\u001b[m\n\u001b[31m- \u001b[m\n\u001b[32m+\u001b[m\n def test_build_from_settings(self):\u001b[m\n settings = mock.MagicMock()\u001b[m\n args = (True, 100.0)\u001b[m\n##[error]Process completed with exit code 1.\n"}, {"step_name": "checks (3.12, pylint)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n TOXENV: pylint\n##[endgroup]\nCollecting tox\n Downloading tox-4.11.4-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.4-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 154.0/154.0 kB 24.9 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 43.0 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 15.5 MB/s eta 0:00:00\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 86.7 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 75.2 MB/s eta 0:00:00\nInstalling collected packages: distlib, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.2 chardet-5.2.0 colorama-0.4.6 distlib-0.3.7 filelock-3.13.1 packaging-23.2 platformdirs-4.1.0 pluggy-1.3.0 pyproject-api-1.6.1 tox-4.11.4 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\npylint: install_deps> python -I -m pip install -ctests/upper-constraints.txt boto3 google-cloud-storage 'markupsafe<2.1.0' 'mitmproxy<8,>=4.0.4; python_version < \"3.9\" and implementation_name != \"pypy\"' Pillow pylint==3.0.1 robotexclusionrulesparser 'Twisted[http2]' -r tests/requirements.txt\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.3.1,setuptools==69.0.2,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\npylint: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\npylint: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\npylint: freeze> python -m pip freeze --all\npylint: astroid==3.0.1,asttokens==2.4.1,attrs==23.1.0,Automat==22.10.0,blessed==1.20.0,boto3==1.33.7,botocore==1.33.7,bpython==0.24,Brotli==1.1.0,cachetools==5.3.2,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,constantly==23.10.4,coverage==7.3.2,cryptography==41.0.7,cssselect==1.2.0,curtsies==0.4.2,cwcwidth==0.1.9,decorator==5.1.1,dill==0.3.7,execnet==2.0.2,executing==2.0.1,filelock==3.13.1,google-api-core==2.14.0,google-auth==2.24.0,google-cloud-core==2.3.3,google-cloud-storage==2.13.0,google-crc32c==1.5.0,google-resumable-media==2.6.0,googleapis-common-protos==1.61.0,greenlet==3.0.1,h2==4.1.0,hpack==4.0.0,hyperframe==6.0.1,hyperlink==21.0.0,idna==3.6,incremental==22.10.0,iniconfig==2.0.0,ipython==8.18.1,isort==5.12.0,itemadapter==0.8.0,itemloaders==1.1.0,jedi==0.19.1,jmespath==1.0.1,lxml==4.9.3,MarkupSafe==2.0.1,matplotlib-inline==0.1.6,mccabe==0.7.0,packaging==23.2,parsel==1.8.1,parso==0.8.3,pexpect==4.9.0,Pillow==10.1.0,pip==23.3.1,platformdirs==4.1.0,pluggy==1.3.0,priority==1.3.0,prompt-toolkit==3.0.41,Protego==0.3.0,protobuf==4.25.1,ptyprocess==0.7.0,pure-eval==0.2.2,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycparser==2.21,PyDispatcher==2.0.7,pyftpdlib==1.5.9,Pygments==2.17.2,pylint==3.0.1,pyOpenSSL==23.3.0,pytest==7.4.3,pytest-cov==4.0.0,pytest-xdist==3.5.0,python-dateutil==2.8.2,pyxdg==0.28,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,robotexclusionrulesparser==1.7.1,rsa==4.9,s3transfer==0.8.2,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=95dfd13c5691d88425ffee44c03ee9a12098077f4caac9cff2b4fc70ff9404ec,service-identity==23.1.0,setuptools==69.0.2,six==1.16.0,stack-data==0.6.3,sybil==6.0.2,testfixtures==7.2.2,tldextract==5.1.1,tomlkit==0.12.3,traitlets==5.14.0,Twisted==23.10.0,typing_extensions==4.8.0,urllib3==2.0.7,uvloop==0.19.0,w3lib==2.1.2,wcwidth==0.2.12,zope.interface==6.1,zstandard==0.22.0\npylint: commands[0]> pylint conftest.py docs extras scrapy setup.py tests\n:230: SyntaxWarning: invalid escape sequence '\\d'\n************* Module tests.test_addons\ntests/test_addons.py:112:40: E0001: Parsing failed: 'unindent does not match any outer indentation level (, line 112)' (syntax-error)\n************* Module scrapy.addons\nscrapy/addons.py:36:24: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.crawler\nscrapy/crawler.py:113:37: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.engine\nscrapy/core/engine.py:361:20: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.scheduler\nscrapy/core/scheduler.py:325:15: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/scheduler.py:336:12: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.contextfactory\nscrapy/core/downloader/contextfactory.py:169:26: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/contextfactory.py:181:26: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers\nscrapy/core/downloader/handlers/__init__.py:59:17: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers.http10\nscrapy/core/downloader/handlers/http10.py:34:41: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/http10.py:34:41: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/http10.py:39:41: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/http10.py:39:41: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.core.downloader.handlers.s3\nscrapy/core/downloader/handlers/s3.py:54:28: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/s3.py:54:28: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/s3.py:59:28: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\nscrapy/core/downloader/handlers/s3.py:59:28: W1117: 'settings' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module scrapy.utils.misc\nscrapy/utils/misc.py:51:16: C0303: Trailing whitespace (trailing-whitespace)\nscrapy/utils/misc.py:55:30: C0303: Trailing whitespace (trailing-whitespace)\nscrapy/utils/misc.py:57:11: C0303: Trailing whitespace (trailing-whitespace)\nscrapy/utils/misc.py:180:23: C0303: Trailing whitespace (trailing-whitespace)\nscrapy/utils/misc.py:191:0: C0303: Trailing whitespace (trailing-whitespace)\nscrapy/utils/misc.py:198:24: C0303: Trailing whitespace (trailing-whitespace)\n************* Module tests.test_downloader_handlers\ntests/test_downloader_handlers.py:833:22: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:833:22: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:863:17: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:863:17: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:890:12: W1117: 'objcls' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\ntests/test_downloader_handlers.py:890:12: W1117: 'crawler' will be included in '**kwargs' since a positional-only parameter with this name already exists (kwarg-superseded-by-positional-arg)\n************* Module tests.test_utils_misc.__init__\ntests/test_utils_misc/__init__.py:133:0: C0303: Trailing whitespace (trailing-whitespace)\n\n-----------------------------------\nYour code has been rated at 9.99/10\n\npylint: exit 22 (57.23 seconds) /home/runner/work/scrapy/scrapy> pylint conftest.py docs extras scrapy setup.py tests pid=2046\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n pylint: FAIL code 22 (101.48=setup[44.25]+cmd[57.23] seconds)\n evaluation failed :( (101.60 seconds)\n##[error]Process completed with exit code 22.\n"}, {"step_name": "checks (3.8, typing)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n TOXENV: typing\n##[endgroup]\nCollecting tox\n Downloading tox-4.11.4-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Downloading cachetools-5.3.2-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting tomli>=2.0.1 (from tox)\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.4-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 154.0/154.0 kB 18.9 MB/s eta 0:00:00\nDownloading cachetools-5.3.2-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 47.2 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 15.7 MB/s eta 0:00:00\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 102.9 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 75.6 MB/s eta 0:00:00\nInstalling collected packages: distlib, tomli, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.2 chardet-5.2.0 colorama-0.4.6 distlib-0.3.7 filelock-3.13.1 packaging-23.2 platformdirs-4.1.0 pluggy-1.3.0 pyproject-api-1.6.1 tomli-2.0.1 tox-4.11.4 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\ntyping: install_deps> python -I -m pip install -ctests/upper-constraints.txt mypy==1.6.1 types-attrs==19.1.0 types-lxml==2023.10.21 types-Pillow==10.1.0.0 types-Pygments==2.16.0.0 types-pyOpenSSL==23.3.0.0 types-setuptools==68.2.0.0 typing-extensions==4.8.0 'w3lib>=2.1.2'\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.3.1,setuptools==69.0.2,wheel==0.42.0\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\ntyping: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\ntyping: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\ntyping: freeze> python -m pip freeze --all\ntyping: attrs==23.1.0,Automat==22.10.0,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,constantly==23.10.4,cryptography==41.0.7,cssselect==1.2.0,filelock==3.13.1,hyperlink==21.0.0,idna==3.6,incremental==22.10.0,itemadapter==0.8.0,itemloaders==1.1.0,jmespath==1.0.1,lxml==4.9.3,mypy==1.6.1,mypy-extensions==1.0.0,packaging==23.2,parsel==1.8.1,pip==23.3.1,Protego==0.3.0,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycparser==2.21,PyDispatcher==2.0.7,pyOpenSSL==23.3.0,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=10ffed5c2108f38048c2270acaf9e181014495f11170991e45b186156308910b,service-identity==23.1.0,setuptools==69.0.2,six==1.16.0,tldextract==5.1.1,tomli==2.0.1,Twisted==23.10.0,types-attrs==19.1.0,types-beautifulsoup4==4.12.0.7,types-docutils==0.20.0.3,types-html5lib==1.1.11.15,types-lxml==2023.10.21,types-Pillow==10.1.0.0,types-Pygments==2.16.0.0,types-pyOpenSSL==23.3.0.0,types-setuptools==68.2.0.0,typing_extensions==4.8.0,urllib3==2.1.0,w3lib==2.1.2,wheel==0.42.0,zope.interface==6.1\ntyping: commands[0]> mypy scrapy tests\ntests/test_addons.py:112: error: unindent does not match any outer indentation level [syntax]\nFound 1 error in 1 file (errors prevented further checking)\ntyping: exit 2 (0.47 seconds) /home/runner/work/scrapy/scrapy> mypy scrapy tests pid=1974\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n typing: FAIL code 2 (17.46=setup[16.99]+cmd[0.47] seconds)\n evaluation failed :( (17.55 seconds)\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/scrapy/addons.py b/scrapy/addons.py\nindex a6efba362..cb1574b2f 100644\n--- a/scrapy/addons.py\n+++ b/scrapy/addons.py\n@@ -33,9 +33,7 @@ class AddonManager:\n try:\n addoncls = load_object(clspath)\n # changes create_instance call to build_from_settings\n- addon = build_from_settings(\n- addoncls, settings=settings\n- )\n+ addon = build_from_settings(addoncls, settings=settings)\n addon.update_settings(settings)\n self.addons.append(addon)\n except NotConfigured as e:\ndiff --git a/scrapy/core/downloader/contextfactory.py b/scrapy/core/downloader/contextfactory.py\nindex 6d3ddd4a4..73a3d32af 100644\n--- a/scrapy/core/downloader/contextfactory.py\n+++ b/scrapy/core/downloader/contextfactory.py\n@@ -178,9 +178,7 @@ def load_context_factory_from_settings(settings, crawler):\n except TypeError:\n # use context factory defaults\n # changes create_instance call to build_from_settings\n- context_factory = build_from_settings(\n- context_factory_cls, settings = settings\n- )\n+ context_factory = build_from_settings(context_factory_cls, settings=settings)\n # context_factory = create_instance(\n # objcls=context_factory_cls,\n # settings=settings,\ndiff --git a/scrapy/core/downloader/handlers/__init__.py b/scrapy/core/downloader/handlers/__init__.py\nindex d5b8ce89d..fc597b017 100644\n--- a/scrapy/core/downloader/handlers/__init__.py\n+++ b/scrapy/core/downloader/handlers/__init__.py\n@@ -56,9 +56,7 @@ class DownloadHandlers:\n if skip_lazy and getattr(dhcls, \"lazy\", True):\n return None\n # change create_instance call to build_from_settings\n- dh = build_from_settings(\n- dhcls, settings=self._crawler.settings\n- )\n+ dh = build_from_settings(dhcls, settings=self._crawler.settings)\n # dh = create_instance(\n # objcls=dhcls,\n # settings=self._crawler.settings,\ndiff --git a/scrapy/core/downloader/handlers/http10.py b/scrapy/core/downloader/handlers/http10.py\nindex 76faf7d2b..5c01ba410 100644\n--- a/scrapy/core/downloader/handlers/http10.py\n+++ b/scrapy/core/downloader/handlers/http10.py\n@@ -1,6 +1,6 @@\n \"\"\"Download handlers for http and https schemes\n \"\"\"\n-from scrapy.utils.misc import build_from_settings, build_from_crawler, load_object\n+from scrapy.utils.misc import build_from_crawler, build_from_settings, load_object\n from scrapy.utils.python import to_unicode\n \n \ndiff --git a/scrapy/core/engine.py b/scrapy/core/engine.py\nindex 81aacdf8d..281dc8a54 100644\n--- a/scrapy/core/engine.py\n+++ b/scrapy/core/engine.py\n@@ -358,9 +358,7 @@ class ExecutionEngine:\n raise RuntimeError(f\"No free spider slot when opening {spider.name!r}\")\n logger.info(\"Spider opened\", extra={\"spider\": spider})\n nextcall = CallLaterOnce(self._next_request)\n- scheduler = build_from_crawler(\n- self.scheduler_cls, crawler=self.crawler\n- )\n+ scheduler = build_from_crawler(self.scheduler_cls, crawler=self.crawler)\n start_requests = yield self.scraper.spidermw.process_start_requests(\n start_requests, spider\n )\ndiff --git a/scrapy/crawler.py b/scrapy/crawler.py\nindex a1f699b7e..128095368 100644\n--- a/scrapy/crawler.py\n+++ b/scrapy/crawler.py\n@@ -111,7 +111,8 @@ class Crawler:\n \n # changes create_instance call to build_from_settings\n self.request_fingerprinter = build_from_settings(\n- load_object(self.settings[\"REQUEST_FINGERPRINTER_CLASS\"]), settings=self.settings\n+ load_object(self.settings[\"REQUEST_FINGERPRINTER_CLASS\"]),\n+ settings=self.settings,\n )\n \n # self.request_fingerprinter = create_instance(\ndiff --git a/scrapy/extensions/feedexport.py b/scrapy/extensions/feedexport.py\nindex a4c8a470d..62fb07e19 100644\n--- a/scrapy/extensions/feedexport.py\n+++ b/scrapy/extensions/feedexport.py\n@@ -28,7 +28,7 @@ from scrapy.utils.defer import maybe_deferred_to_future\n from scrapy.utils.deprecate import create_deprecated_class\n from scrapy.utils.ftp import ftp_store_file\n from scrapy.utils.log import failure_to_exc_info\n-from scrapy.utils.misc import build_from_settings, build_from_crawler, load_object\n+from scrapy.utils.misc import build_from_crawler, build_from_settings, load_object\n from scrapy.utils.python import without_none_values\n \n logger = logging.getLogger(__name__)\ndiff --git a/scrapy/utils/misc.py b/scrapy/utils/misc.py\nindex 613328a2b..2e39aaaa3 100644\n--- a/scrapy/utils/misc.py\n+++ b/scrapy/utils/misc.py\n@@ -47,19 +47,21 @@ def arg_to_iter(arg: Any) -> Iterable[Any]:\n return cast(Iterable[Any], arg)\n return [arg]\n \n+\n # def build_from_crawler(objcls, crawler, none, *args, **kwargs):\n-# if crawler \n+# if crawler\n # if hasattr(objcls, \"from_crawler\"):\n # instance = objcls.from_crawler(crawler, *args, **kwargs)\n # method_name = \"from_crawler\"\n-# if instance is None: \n+# if instance is None:\n # raise TypeError(f\"{objcls.__qualname__}.{method_name} returned None)\n-# else: \n+# else:\n # instance = objcls(*args, **kwargs)\n # method_name = \"__new__\"\n \n # return instance\n \n+\n def load_object(path: Union[str, Callable]) -> Any:\n \"\"\"Load an object given its absolute object path, and return it.\n \n@@ -176,8 +178,8 @@ def rel_has_nofollow(rel: Optional[str]) -> bool:\n # Raises ``ValueError`` if``crawler`` is``None``.\n # Raises typeError is instance is None\n # Creates a class instance using 'from_crawler' constructor\n-def build_from_crawler(objcls, crawler, /, *args, **kwargs):\n- if crawler is None: \n+def build_from_crawler(objcls, crawler, *args, **kwargs):\n+ if crawler is None:\n raise ValueError(\"Specify crawler.\")\n if crawler and hasattr(objcls, \"from_crawler\"):\n instance = objcls.from_crawler(crawler, *args, **kwargs)\n@@ -188,14 +190,14 @@ def build_from_crawler(objcls, crawler, /, *args, **kwargs):\n if instance is None:\n raise TypeError(f\"{objcls.__qualname__}.{method_name} returned None\")\n return instance\n- \n \n-#``*args`` and ``**kwargs`` are forwarded to the constructors.\n+\n+# ``*args`` and ``**kwargs`` are forwarded to the constructors.\n # Raises ``ValueError`` if``settings`` is``None``.\n # Raises typeError is instance is None\n # Creates a class instance using 'from_settings' constructor\n-def build_from_settings(objcls, settings, /, *args, **kwargs):\n- if settings is None: \n+def build_from_settings(objcls, settings, *args, **kwargs):\n+ if settings is None:\n raise ValueError(\"Specify settings.\")\n if settings and hasattr(objcls, \"from_settings\"):\n instance = objcls.from_settings(settings, *args, **kwargs)\n@@ -208,8 +210,6 @@ def build_from_settings(objcls, settings, /, *args, **kwargs):\n return instance\n \n \n-\n-\n @contextmanager\n def set_environ(**kwargs: str) -> Generator[None, Any, None]:\n \"\"\"Temporarily set environment variables inside the context manager and\ndiff --git a/tests/test_addons.py b/tests/test_addons.py\nindex 355539162..5e390c49d 100644\n--- a/tests/test_addons.py\n+++ b/tests/test_addons.py\n@@ -109,7 +109,7 @@ class AddonManagerTest(unittest.TestCase):\n self.assertIsInstance(manager.addons[0], CreateInstanceAddon)\n self.assertEqual(crawler.settings.get(\"MYADDON_KEY\"), \"val\")\n \n- def test_build_from_crawler(self):\n+ def test_build_from_crawler(self):\n settings_dict = {\n \"ADDONS\": {\"tests.test_addons.CreateInstanceAddon\": 0},\n \"MYADDON\": {\"MYADDON_KEY\": \"val\"},\ndiff --git a/tests/test_downloader_handlers.py b/tests/test_downloader_handlers.py\nindex 8595e68c2..37a53643b 100644\n--- a/tests/test_downloader_handlers.py\n+++ b/tests/test_downloader_handlers.py\n@@ -669,9 +669,7 @@ class Https11CustomCiphers(unittest.TestCase):\n crawler = get_crawler(\n settings_dict={\"DOWNLOADER_CLIENT_TLS_CIPHERS\": \"CAMELLIA256-SHA\"}\n )\n- self.download_handler = build_from_crawler(\n- self.download_handler_cls, crawler\n- )\n+ self.download_handler = build_from_crawler(self.download_handler_cls, crawler)\n self.download_request = self.download_handler.download_request\n \n @defer.inlineCallbacks\n@@ -1036,9 +1034,7 @@ class BaseFTPTestCase(unittest.TestCase):\n self.port = reactor.listenTCP(0, self.factory, interface=\"127.0.0.1\")\n self.portNum = self.port.getHost().port\n crawler = get_crawler()\n- self.download_handler = build_from_crawler(\n- FTPDownloadHandler, crawler\n- )\n+ self.download_handler = build_from_crawler(FTPDownloadHandler, crawler)\n self.addCleanup(self.port.stopListening)\n \n def tearDown(self):\n@@ -1182,9 +1178,7 @@ class AnonymousFTPTestCase(BaseFTPTestCase):\n self.port = reactor.listenTCP(0, self.factory, interface=\"127.0.0.1\")\n self.portNum = self.port.getHost().port\n crawler = get_crawler()\n- self.download_handler = build_from_crawler(\n- FTPDownloadHandler, crawler\n- )\n+ self.download_handler = build_from_crawler(FTPDownloadHandler, crawler)\n self.addCleanup(self.port.stopListening)\n \n def tearDown(self):\n@@ -1194,9 +1188,7 @@ class AnonymousFTPTestCase(BaseFTPTestCase):\n class DataURITestCase(unittest.TestCase):\n def setUp(self):\n crawler = get_crawler()\n- self.download_handler = build_from_crawler(\n- DataURIDownloadHandler, crawler\n- )\n+ self.download_handler = build_from_crawler(DataURIDownloadHandler, crawler)\n self.download_request = self.download_handler.download_request\n self.spider = Spider(\"foo\")\n \ndiff --git a/tests/test_utils_misc/__init__.py b/tests/test_utils_misc/__init__.py\nindex ccf8022c9..0152a1110 100644\n--- a/tests/test_utils_misc/__init__.py\n+++ b/tests/test_utils_misc/__init__.py\n@@ -95,6 +95,7 @@ class UtilsMiscTestCase(unittest.TestCase):\n self.assertEqual(\n list(arg_to_iter(TestItem(name=\"john\"))), [TestItem(name=\"john\")]\n )\n+\n def test_build_from_crawler(self):\n crawler = mock.MagicMock(spec_set=[\"settings\"])\n args = (True, 100.0)\n@@ -122,7 +123,7 @@ class UtilsMiscTestCase(unittest.TestCase):\n )\n for specs in spec_sets:\n m = mock.MagicMock(spec_set=specs)\n- _test_with_crawler(m, settings, crawler)\n+ _test_with_crawler(m, crawler)\n m.reset_mock()\n \n # Check adoption of crawler\n@@ -130,7 +131,7 @@ class UtilsMiscTestCase(unittest.TestCase):\n m.from_crawler.return_value = None\n with self.assertRaises(TypeError):\n build_from_crawler(m, crawler, *args, **kwargs)\n- \n+\n def test_build_from_settings(self):\n settings = mock.MagicMock()\n args = (True, 100.0)\ndiff --git a/tests/test_webclient.py b/tests/test_webclient.py\nindex 0042fe8f0..a69d9c1b0 100644\n--- a/tests/test_webclient.py\n+++ b/tests/test_webclient.py\n@@ -24,7 +24,7 @@ from scrapy.core.downloader import webclient as client\n from scrapy.core.downloader.contextfactory import ScrapyClientContextFactory\n from scrapy.http import Headers, Request\n from scrapy.settings import Settings\n-from scrapy.utils.misc import create_instance\n+from scrapy.utils.misc import build_from_settings\n from scrapy.utils.python import to_bytes, to_unicode\n from tests.mockserver import (\n BrokenDownloadResource,\n@@ -470,8 +470,8 @@ class WebClientCustomCiphersSSLTestCase(WebClientSSLTestCase):\n def testPayload(self):\n s = \"0123456789\" * 10\n settings = Settings({\"DOWNLOADER_CLIENT_TLS_CIPHERS\": self.custom_ciphers})\n- client_context_factory = create_instance(\n- ScrapyClientContextFactory, settings=settings, crawler=None\n+ client_context_factory = build_from_settings(\n+ ScrapyClientContextFactory, settings=settings\n )\n return getPage(\n self.getURL(\"payload\"), body=s, contextFactory=client_context_factory\n@@ -482,8 +482,8 @@ class WebClientCustomCiphersSSLTestCase(WebClientSSLTestCase):\n settings = Settings(\n {\"DOWNLOADER_CLIENT_TLS_CIPHERS\": \"ECDHE-RSA-AES256-GCM-SHA384\"}\n )\n- client_context_factory = create_instance(\n- ScrapyClientContextFactory, settings=settings, crawler=None\n+ client_context_factory = build_from_settings(\n+ ScrapyClientContextFactory, settings=settings\n )\n d = getPage(\n self.getURL(\"payload\"), body=s, contextFactory=client_context_factory\n", "difficulty": 0, "changed_files": ["scrapy/addons.py", "scrapy/core/downloader/contextfactory.py", "scrapy/core/downloader/handlers/__init__.py", "scrapy/core/downloader/handlers/http10.py", "scrapy/core/engine.py", "scrapy/crawler.py", "scrapy/extensions/feedexport.py", "scrapy/utils/misc.py", "tests/test_addons.py", "tests/test_downloader_handlers.py", "tests/test_utils_misc/__init__.py", "tests/test_webclient.py"], "commit_link": "https://github.com/scrapy/scrapy/tree/b15d4bd9177149b88d1b0f719e7e6290df81fe9a"} \ No newline at end of file diff --git a/data/python/b4cd344.json b/data/python/b4cd344.json new file mode 100644 index 0000000000000000000000000000000000000000..b15568065b41bd7a248ef980cd34219e6b2c6cd5 --- /dev/null +++ b/data/python/b4cd344.json @@ -0,0 +1 @@ +{"language": "Python", "id": 4, "repo_owner": "mikel-brostrom", "repo_name": "yolo_tracking", "head_branch": "master", "workflow_name": "CI CPU testing", "workflow_filename": "ci.yml", "workflow_path": ".github/workflows/ci.yml", "contributor": "mikel-brostrom", "sha_fail": "b4cd344b4fd4316112beb324fe04d703fd2b7254", "sha_success": "075bec6fa4288a82f3833b03183819f0494d66b3", "workflow": "# name of the workflow, what it is doing (optional)\nname: CI CPU testing\n\n# events that trigger the workflow (required)\non:\n push:\n branches: [master, CIdebug]\n pull_request:\n # pull request where master is target\n branches: [master]\n\nenv:\n # Directory of PyPi package to be tested\n PACKAGE_DIR: boxmot\n # Minimum acceptable test coverage\n # Increase as you add more tests to increase coverage\n COVERAGE_FAIL_UNDER: 29\n\n# the workflow that gets triggerd\njobs:\n build:\n runs-on: ${{ matrix.os }}\n strategy:\n fail-fast: false\n matrix:\n os: [ubuntu-latest] # skip windows-latest for\n python-version: ['3.8', '3.9', '3.10']\n #model: ['yolov8n', 'yolo_nas_s', yolox_n] # yolo models to test\n #tracking-methods: ['deepocsort', 'ocsort', 'botsort', 'strongsort', 'bytetrack'] # tracking methods to test\n\n # Timeout: https://stackoverflow.com/a/59076067/4521646\n timeout-minutes: 50\n steps:\n\n - uses: actions/checkout@v4 # Check out the repository\n - uses: actions/setup-python@v5 # Prepare environment with python 3.9\n with:\n python-version: ${{ matrix.python-version }}\n cache: 'pip' # caching pip dependencies\n - name: Install requirements\n shell: bash # for Windows compatibility\n run: |\n python -m pip install --upgrade pip setuptools wheel\n pip install -e . pytest pytest-cov --extra-index-url https://download.pytorch.org/whl/cpu\n python --version\n pip --version\n pip list\n\n - name: Tests all tracking options\n shell: bash # for Windows compatibility\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n run: |\n # deepocsort fro all supported yolo models\n python examples/track.py --tracking-method deepocsort --source $IMG --imgsz 320\n python examples/track.py --yolo-model yolo_nas_s --tracking-method deepocsort --source $IMG --imgsz 320\n # python examples/track.py --yolo-model yolox_n --tracking-method deepocsort --source $IMG --imgsz 320\n\n # hybridsort\n python examples/track.py --tracking-method hybridsort --source $IMG --imgsz 320\n\n # botsort\n python examples/track.py --tracking-method botsort --source $IMG --imgsz 320\n\n # strongsort\n python examples/track.py --tracking-method strongsort --source $IMG --imgsz 320\n\n # ocsort\n python examples/track.py --tracking-method ocsort --source $IMG --imgsz 320\n\n # bytetrack\n python examples/track.py --tracking-method bytetrack --source $IMG --imgsz 320\n\n - name: Pytest tests # after tracking options as this does not download models\n shell: bash # for Windows compatibility\n run: |\n\n # needed in TFLite export\n wget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\n tar -zxvf flatc.tar.gz\n sudo chmod +x flatc\n sudo mv flatc /usr/bin/\n\n pytest --cov=$PACKAGE_DIR --cov-report=html -v tests\n coverage report --fail-under=$COVERAGE_FAIL_UNDER\n\n - name: Tests exported reid models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n\n # test exported reid model\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.torchscript --source $IMG --imgsz 320\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17.onnx --source $IMG --imgsz 320\n #python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_saved_model/osnet_x0_25_msmt17_float16.tflite --source $IMG --imgsz 320\n python examples/track.py --reid-model examples/weights/osnet_x0_25_msmt17_openvino_model --source $IMG --imgsz 320\n\n - name: Test tracking with seg models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n # tracking with SEG models\n python examples/track.py --tracking-method deepocsort --yolo-model yolov8n-seg.pt --source $IMG\n\n - name: Test tracking with pose models\n env:\n IMG: ./assets/MOT17-mini/train/MOT17-05-FRCNN/img1/000001.jpg\n shell: bash # for Windows compatibility\n run: |\n # tracking with POSE models\n python3 examples/track.py --yolo-model weights/yolov8n.pt --source $IMG --imgsz 320\n\n - name: Test validation on MOT17 subset\n shell: bash # for Windows compatibility\n run: |\n # validation on a few MOT17 imges\n python examples/val.py --tracking-method deepocsort --yolo-model yolov8n.pt --benchmark MOT17-mini --imgsz 320 --conf 0.2\n\n - name: Test evolution on MOT17 subset\n shell: bash # for Windows compatibility\n run: |\n # evolve a for a single set of parameters\n python examples/evolve.py --objectives HOTA,MOTA,IDF1 --benchmark MOT17-mini --n-trials 1 --imgsz 320 --conf 0.2\n", "logs": [{"step_name": "build (ubuntu-latest, 3.8)/6_Pytest tests.txt", "log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--2024-01-12 21:22:49-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 140.82.113.4\nConnecting to github.com (github.com)|140.82.113.4|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212250Z&X-Amz-Expires=300&X-Amz-Signature=0bb64fda387269a4ce4fae58a47108dda06e20cbe0b749718c07eb4d3da60221&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 21:22:50-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212250Z&X-Amz-Expires=300&X-Amz-Signature=0bb64fda387269a4ce4fae58a47108dda06e20cbe0b749718c07eb4d3da60221&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.108.133, 185.199.111.133, 185.199.110.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.108.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: \u2018flatc.tar.gz\u2019\n\n 0K .......... .......... .......... .......... .......... 3% 13.7M 0s\n 50K .......... .......... .......... .......... .......... 7% 30.9M 0s\n 100K .......... .......... .......... .......... .......... 11% 129M 0s\n 150K .......... .......... .......... .......... .......... 14% 176M 0s\n 200K .......... .......... .......... .......... .......... 18% 46.6M 0s\n 250K .......... .......... .......... .......... .......... 22% 174M 0s\n 300K .......... .......... .......... .......... .......... 25% 142M 0s\n 350K .......... .......... .......... .......... .......... 29% 206M 0s\n 400K .......... .......... .......... .......... .......... 33% 256M 0s\n 450K .......... .......... .......... .......... .......... 37% 121M 0s\n 500K .......... .......... .......... .......... .......... 40% 171M 0s\n 550K .......... .......... .......... .......... .......... 44% 137M 0s\n 600K .......... .......... .......... .......... .......... 48% 185M 0s\n 650K .......... .......... .......... .......... .......... 51% 163M 0s\n 700K .......... .......... .......... .......... .......... 55% 129M 0s\n 750K .......... .......... .......... .......... .......... 59% 163M 0s\n 800K .......... .......... .......... .......... .......... 62% 175M 0s\n 850K .......... .......... .......... .......... .......... 66% 246M 0s\n 900K .......... .......... .......... .......... .......... 70% 150M 0s\n 950K .......... .......... .......... .......... .......... 74% 257M 0s\n 1000K .......... .......... .......... .......... .......... 77% 251M 0s\n 1050K .......... .......... .......... .......... .......... 81% 232M 0s\n 1100K .......... .......... .......... .......... .......... 85% 255M 0s\n 1150K .......... .......... .......... .......... .......... 88% 257M 0s\n 1200K .......... .......... .......... .......... .......... 92% 258M 0s\n 1250K .......... .......... .......... .......... .......... 96% 222M 0s\n 1300K .......... .......... .......... .......... .......... 99% 260M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 21:22:50 (105 MB/s) - \u2018flatc.tar.gz\u2019 saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.8.18/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n> tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False,\n asso_func=\"centroid\"\n )\nE TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n\ntests/test_python.py:53: TypeError\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('mpl_toolkits')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.8.18-final-0 -----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n================== 1 failed, 13 passed, 9 warnings in 31.50s ===================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (ubuntu-latest, 3.9)/6_Pytest tests.txt", "log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n--2024-01-12 21:22:56-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 140.82.112.3\nConnecting to github.com (github.com)|140.82.112.3|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212256Z&X-Amz-Expires=300&X-Amz-Signature=c2784e798a8e2dc3af201147af969b33ab7179077dd2751f9e53a641373be144&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 21:22:56-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212256Z&X-Amz-Expires=300&X-Amz-Signature=c2784e798a8e2dc3af201147af969b33ab7179077dd2751f9e53a641373be144&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.108.133, 185.199.110.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.108.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: \u2018flatc.tar.gz\u2019\n\n 0K .......... .......... .......... .......... .......... 3% 32.7M 0s\n 50K .......... .......... .......... .......... .......... 7% 31.0M 0s\n 100K .......... .......... .......... .......... .......... 11% 79.8M 0s\n 150K .......... .......... .......... .......... .......... 14% 103M 0s\n 200K .......... .......... .......... .......... .......... 18% 177M 0s\n 250K .......... .......... .......... .......... .......... 22% 142M 0s\n 300K .......... .......... .......... .......... .......... 25% 113M 0s\n 350K .......... .......... .......... .......... .......... 29% 86.2M 0s\n 400K .......... .......... .......... .......... .......... 33% 141M 0s\n 450K .......... .......... .......... .......... .......... 37% 160M 0s\n 500K .......... .......... .......... .......... .......... 40% 100M 0s\n 550K .......... .......... .......... .......... .......... 44% 130M 0s\n 600K .......... .......... .......... .......... .......... 48% 157M 0s\n 650K .......... .......... .......... .......... .......... 51% 213M 0s\n 700K .......... .......... .......... .......... .......... 55% 215M 0s\n 750K .......... .......... .......... .......... .......... 59% 210M 0s\n 800K .......... .......... .......... .......... .......... 62% 68.8M 0s\n 850K .......... .......... .......... .......... .......... 66% 172M 0s\n 900K .......... .......... .......... .......... .......... 70% 162M 0s\n 950K .......... .......... .......... .......... .......... 74% 235M 0s\n 1000K .......... .......... .......... .......... .......... 77% 166M 0s\n 1050K .......... .......... .......... .......... .......... 81% 176M 0s\n 1100K .......... .......... .......... .......... .......... 85% 123M 0s\n 1150K .......... .......... .......... .......... .......... 88% 182M 0s\n 1200K .......... .......... .......... .......... .......... 92% 133M 0s\n 1250K .......... .......... .......... .......... .......... 96% 136M 0s\n 1300K .......... .......... .......... .......... .......... 99% 155M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 21:22:56 (109 MB/s) - \u2018flatc.tar.gz\u2019 saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.9.18/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n> tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False,\n asso_func=\"centroid\"\n )\nE TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n\ntests/test_python.py:53: TypeError\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.9.18-final-0 -----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n================== 1 failed, 13 passed, 8 warnings in 32.20s ===================\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (ubuntu-latest, 3.10)/6_Pytest tests.txt", "log": "##[group]Run # needed in TFLite export\n\u001b[36;1m\u001b[0m\n\u001b[36;1m# needed in TFLite export\u001b[0m\n\u001b[36;1mwget https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\u001b[0m\n\u001b[36;1mtar -zxvf flatc.tar.gz\u001b[0m\n\u001b[36;1msudo chmod +x flatc\u001b[0m\n\u001b[36;1msudo mv flatc /usr/bin/\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpytest --cov=$PACKAGE_DIR --cov-report=html -v tests\u001b[0m\n\u001b[36;1mcoverage report --fail-under=$COVERAGE_FAIL_UNDER\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n PACKAGE_DIR: boxmot\n COVERAGE_FAIL_UNDER: 29\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n##[endgroup]\n--2024-01-12 21:23:22-- https://github.com/PINTO0309/onnx2tf/releases/download/1.16.31/flatc.tar.gz\nResolving github.com (github.com)... 192.30.255.113\nConnecting to github.com (github.com)|192.30.255.113|:443... connected.\nHTTP request sent, awaiting response... 302 Found\nLocation: https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212323Z&X-Amz-Expires=300&X-Amz-Signature=9a9df5c41bff888036ebd61dd2ceef9adb6937dc39984e23a2a2018e1678ed8f&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream [following]\n--2024-01-12 21:23:23-- https://objects.githubusercontent.com/github-production-release-asset-2e65be/541831874/29499355-44ab-4fb6-86c8-582f4bad68a3?X-Amz-Algorithm=AWS4-HMAC-SHA256&X-Amz-Credential=AKIAVCODYLSA53PQK4ZA%2F20240112%2Fus-east-1%2Fs3%2Faws4_request&X-Amz-Date=20240112T212323Z&X-Amz-Expires=300&X-Amz-Signature=9a9df5c41bff888036ebd61dd2ceef9adb6937dc39984e23a2a2018e1678ed8f&X-Amz-SignedHeaders=host&actor_id=0&key_id=0&repo_id=541831874&response-content-disposition=attachment%3B%20filename%3Dflatc.tar.gz&response-content-type=application%2Foctet-stream\nResolving objects.githubusercontent.com (objects.githubusercontent.com)... 185.199.110.133, 185.199.108.133, 185.199.109.133, ...\nConnecting to objects.githubusercontent.com (objects.githubusercontent.com)|185.199.110.133|:443... connected.\nHTTP request sent, awaiting response... 200 OK\nLength: 1382707 (1.3M) [application/octet-stream]\nSaving to: \u2018flatc.tar.gz\u2019\n\n 0K .......... .......... .......... .......... .......... 3% 18.7M 0s\n 50K .......... .......... .......... .......... .......... 7% 71.0M 0s\n 100K .......... .......... .......... .......... .......... 11% 58.4M 0s\n 150K .......... .......... .......... .......... .......... 14% 115M 0s\n 200K .......... .......... .......... .......... .......... 18% 143M 0s\n 250K .......... .......... .......... .......... .......... 22% 68.8M 0s\n 300K .......... .......... .......... .......... .......... 25% 143M 0s\n 350K .......... .......... .......... .......... .......... 29% 109M 0s\n 400K .......... .......... .......... .......... .......... 33% 158M 0s\n 450K .......... .......... .......... .......... .......... 37% 107M 0s\n 500K .......... .......... .......... .......... .......... 40% 163M 0s\n 550K .......... .......... .......... .......... .......... 44% 125M 0s\n 600K .......... .......... .......... .......... .......... 48% 111M 0s\n 650K .......... .......... .......... .......... .......... 51% 151M 0s\n 700K .......... .......... .......... .......... .......... 55% 118M 0s\n 750K .......... .......... .......... .......... .......... 59% 152M 0s\n 800K .......... .......... .......... .......... .......... 62% 199M 0s\n 850K .......... .......... .......... .......... .......... 66% 204M 0s\n 900K .......... .......... .......... .......... .......... 70% 207M 0s\n 950K .......... .......... .......... .......... .......... 74% 186M 0s\n 1000K .......... .......... .......... .......... .......... 77% 199M 0s\n 1050K .......... .......... .......... .......... .......... 81% 210M 0s\n 1100K .......... .......... .......... .......... .......... 85% 193M 0s\n 1150K .......... .......... .......... .......... .......... 88% 208M 0s\n 1200K .......... .......... .......... .......... .......... 92% 210M 0s\n 1250K .......... .......... .......... .......... .......... 96% 203M 0s\n 1300K .......... .......... .......... .......... .......... 99% 196M 0s\n 1350K 100% 572G=0.01s\n\n2024-01-12 21:23:23 (110 MB/s) - \u2018flatc.tar.gz\u2019 saved [1382707/1382707]\n\nflatc\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.4, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.10.13/x64/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yolo_tracking/yolo_tracking\nplugins: hydra-core-1.3.2, cov-4.1.0\ncollecting ... collected 14 items\n\ntests/test_exports.py::test_export_torchscript PASSED [ 7%]\ntests/test_exports.py::test_export_onnx PASSED [ 14%]\ntests/test_exports.py::test_export_openvino PASSED [ 21%]\ntests/test_python.py::test_strongsort_instantiation PASSED [ 28%]\ntests/test_python.py::test_botsort_instantiation PASSED [ 35%]\ntests/test_python.py::test_deepocsort_instantiation PASSED [ 42%]\ntests/test_python.py::test_ocsort_instantiation PASSED [ 50%]\ntests/test_python.py::test_bytetrack_instantiation PASSED [ 57%]\ntests/test_python.py::test_deepocsort_output FAILED [ 64%]\ntests/test_python.py::test_ocsort_output PASSED [ 71%]\ntests/test_python.py::test_botsort_output PASSED [ 78%]\ntests/test_python.py::test_bytetrack_output PASSED [ 85%]\ntests/test_python.py::test_strongsort_output PASSED [ 92%]\ntests/test_python.py::test_gsi PASSED [100%]\n\n=================================== FAILURES ===================================\n____________________________ test_deepocsort_output ____________________________\n\n def test_deepocsort_output():\n tracker_conf = get_tracker_config('deepocsort')\n> tracker = create_tracker(\n tracker_type='deepocsort',\n tracker_config=tracker_conf,\n reid_weights=WEIGHTS / 'mobilenetv2_x1_4_dukemtmcreid.pt',\n device='cpu',\n half=False,\n per_class=False,\n asso_func=\"centroid\"\n )\nE TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n\ntests/test_python.py:53: TypeError\n=============================== warnings summary ===============================\nboxmot/utils/checks.py:5\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/utils/checks.py:5: DeprecationWarning: pkg_resources is deprecated as an API. See https://setuptools.pypa.io/en/latest/pkg_resources.html\n import pkg_resources\n\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('google')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n../../../../../opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pkg_resources/__init__.py:2868: DeprecationWarning: Deprecated call to `pkg_resources.declare_namespace('sphinxcontrib')`.\n Implementing implicit namespace packages (as specified in PEP 420) is preferred to `pkg_resources.declare_namespace`. See https://setuptools.pypa.io/en/latest/references/keywords.html#keyword-namespace-packages\n declare_namespace(pkg)\n\ntests/test_exports.py::test_export_onnx\n /home/runner/work/yolo_tracking/yolo_tracking/boxmot/appearance/backbones/osnet.py:389: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs!\n if return_featuremaps:\n\ntests/test_exports.py::test_export_openvino\n /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/defusedxml/__init__.py:30: DeprecationWarning: defusedxml.cElementTree is deprecated, import from defusedxml.ElementTree instead.\n from . import cElementTree\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n\n---------- coverage: platform linux, python 3.10.13-final-0 ----------\nCoverage HTML written to dir htmlcov\n\n=========================== short test summary info ============================\nFAILED tests/test_python.py::test_deepocsort_output - TypeError: create_tracker() got an unexpected keyword argument 'asso_func'\n================== 1 failed, 13 passed, 8 warnings in 31.21s ===================\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/test_python.py b/tests/test_python.py\nindex 027065c..fe049e8 100644\n--- a/tests/test_python.py\n+++ b/tests/test_python.py\n@@ -57,8 +57,8 @@ def test_deepocsort_output():\n device='cpu',\n half=False,\n per_class=False,\n- asso_func=\"centroid\"\n )\n+ tracker.asso_func=\"centroid\"\n rgb = np.random.randint(255, size=(640, 640, 3), dtype=np.uint8)\n det = np.array([[144, 212, 578, 480, 0.82, 0],\n [425, 281, 576, 472, 0.56, 65]])\n", "difficulty": 2, "changed_files": ["tests/test_python.py"], "commit_link": "https://github.com/mikel-brostrom/yolo_tracking/tree/b4cd344b4fd4316112beb324fe04d703fd2b7254"} \ No newline at end of file diff --git a/data/python/b639adb.json b/data/python/b639adb.json new file mode 100644 index 0000000000000000000000000000000000000000..11a3dd6be200c5a671d944f81e58b742fccf66d8 --- /dev/null +++ b/data/python/b639adb.json @@ -0,0 +1 @@ +{"language": "Python", "id": 20, "repo_owner": "skypilot-org", "repo_name": "skypilot", "head_branch": "master", "workflow_name": "Pylint", "workflow_filename": "pylint.yml", "workflow_path": ".github/workflows/pylint.yml", "contributor": "jackyk02", "sha_fail": "b639adb71066410b3b12d97a674ee7fcb51e9980", "sha_success": "a1934063075cb08f0a0041a73026d8ea803617b3", "workflow": "name: Pylint\n\non:\n # Trigger the workflow on push or pull request,\n # but only for the main branch\n push:\n branches:\n - master\n - 'releases/**'\n pull_request:\n branches:\n - master\n - 'releases/**'\n\njobs:\n pylint:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\"]\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install \".[all]\"\n pip install pylint==2.8.2\n pip install pylint-quotes==0.2.3\n - name: Analysing the code with pylint\n run: |\n pylint --load-plugins pylint_quotes sky\n", "logs": [{"step_name": "pylint (3.8)/5_Analysing the code with pylint.txt", "log": "##[group]Run pylint --load-plugins pylint_quotes sky\n\u001b[36;1mpylint --load-plugins pylint_quotes sky\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n************* Module sky.resources\nsky/resources.py:839:0: C0301: Line too long (81/80) (line-too-long)\n\n------------------------------------\nYour code has been rated at 10.00/10\n\n##[error]Process completed with exit code 16.\n"}], "diff": "diff --git a/sky/resources.py b/sky/resources.py\nindex 2f7aebce..3056e104 100644\n--- a/sky/resources.py\n+++ b/sky/resources.py\n@@ -836,11 +836,11 @@ class Resources:\n image_size = self.cloud.get_image_size(image_id, region)\n if image_size >= self.disk_size:\n with ux_utils.print_exception_no_traceback():\n- size_compare = 'larger than' if image_size > self.disk_size \\\n+ size_comp = 'larger than' if image_size > self.disk_size \\\n else 'equal to'\n raise ValueError(\n f'Image {image_id!r} is {image_size}GB, which is '\n- f'{size_compare} the specified disk_size: '\n+ f'{size_comp} the specified disk_size: '\n f'{self.disk_size} GB. Please specify a larger '\n 'disk_size to use this image.')\n \n", "difficulty": 0, "changed_files": ["sky/resources.py"], "commit_link": "https://github.com/skypilot-org/skypilot/tree/b639adb71066410b3b12d97a674ee7fcb51e9980"} \ No newline at end of file diff --git a/data/python/ba66fb8.json b/data/python/ba66fb8.json new file mode 100644 index 0000000000000000000000000000000000000000..4de53656bf051ad7a9d4e2020850d9a0a8c36991 --- /dev/null +++ b/data/python/ba66fb8.json @@ -0,0 +1 @@ +{"language": "Python", "id": 59, "repo_owner": "huggingface", "repo_name": "diffusers", "head_branch": "refactor-single-file", "workflow_name": "Run Torch dependency tests", "workflow_filename": "pr_torch_dependency_test.yml", "workflow_path": ".github/workflows/pr_torch_dependency_test.yml", "contributor": "huggingface", "sha_fail": "ba66fb81a0c8db48fed7abe833409f447b95708b", "sha_success": "36203576d5c8e58b0dc823207c6628599d70a343", "workflow": "name: Run Torch dependency tests\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: ${{ github.workflow }}-${{ github.head_ref || github.run_id }}\n cancel-in-progress: true\n\njobs:\n check_torch_dependencies:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install -e .\n pip install torch torchvision torchaudio\n pip install pytest\n - name: Check for soft dependencies\n run: |\n pytest tests/others/test_dependencies.py\n", "logs": [{"step_name": "check_torch_dependencies/5_Check for soft dependencies.txt", "log": "##[group]Run pytest tests/others/test_dependencies.py\n\u001b[36;1mpytest tests/others/test_dependencies.py\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/actions-runner/_work/_tool/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/actions-runner/_work/_tool/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/actions-runner/_work/_tool/Python/3.8.18/x64/lib\n##[endgroup]\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.4, pluggy-1.3.0\nrootdir: /opt/actions-runner/_work/diffusers/diffusers\ncollected 3 items\n\ntests/others/test_dependencies.py F.F [100%]\n\n=================================== FAILURES ===================================\n__________________ DependencyTester.test_backend_registration __________________\n\nself = \nmodule_name = 'autoencoders.autoencoder_asym_kl'\n\n def _get_module(self, module_name: str):\n try:\n> return importlib.import_module(\".\" + module_name, self.__name__)\n\nsrc/diffusers/utils/import_utils.py:693: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n../../_tool/Python/3.8.18/x64/lib/python3.8/importlib/__init__.py:127: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nsrc/diffusers/models/autoencoders/__init__.py:2: in \n from .autoencoder_kl import AutoencoderKL\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n from typing import Dict, Optional, Tuple, Union\n \n import torch\n import torch.nn as nn\n \n from ...configuration_utils import ConfigMixin, register_to_config\n> from ...loaders import FromSingleFileMixin\nE ImportError: cannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\n\nsrc/diffusers/models/autoencoders/autoencoder_kl.py:20: ImportError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n def test_backend_registration(self):\n import diffusers\n from diffusers.dependency_versions_table import deps\n \n> all_classes = inspect.getmembers(diffusers, inspect.isclass)\n\ntests/others/test_dependencies.py:31: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n../../_tool/Python/3.8.18/x64/lib/python3.8/inspect.py:350: in getmembers\n value = getattr(object, key)\nsrc/diffusers/utils/import_utils.py:684: in __getattr__\n value = getattr(module, name)\nsrc/diffusers/utils/import_utils.py:683: in __getattr__\n module = self._get_module(self._class_to_module[name])\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nmodule_name = 'autoencoders.autoencoder_asym_kl'\n\n def _get_module(self, module_name: str):\n try:\n return importlib.import_module(\".\" + module_name, self.__name__)\n except Exception as e:\n> raise RuntimeError(\n f\"Failed to import {self.__name__}.{module_name} because of the following error (look up to see its\"\n f\" traceback):\\n{e}\"\n ) from e\nE RuntimeError: Failed to import diffusers.models.autoencoders.autoencoder_asym_kl because of the following error (look up to see its traceback):\nE cannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\n\nsrc/diffusers/utils/import_utils.py:695: RuntimeError\n____________________ DependencyTester.test_pipeline_imports ____________________\n\nself = \nmodule_name = 'autoencoders.autoencoder_kl'\n\n def _get_module(self, module_name: str):\n try:\n> return importlib.import_module(\".\" + module_name, self.__name__)\n\nsrc/diffusers/utils/import_utils.py:693: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n../../_tool/Python/3.8.18/x64/lib/python3.8/importlib/__init__.py:127: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nsrc/diffusers/models/autoencoders/__init__.py:2: in \n from .autoencoder_kl import AutoencoderKL\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\n from typing import Dict, Optional, Tuple, Union\n \n import torch\n import torch.nn as nn\n \n from ...configuration_utils import ConfigMixin, register_to_config\n> from ...loaders import FromSingleFileMixin\nE ImportError: cannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\n\nsrc/diffusers/models/autoencoders/autoencoder_kl.py:20: ImportError\n\nThe above exception was the direct cause of the following exception:\n\nself = \n\n def test_pipeline_imports(self):\n import diffusers\n import diffusers.pipelines\n \n> all_classes = inspect.getmembers(diffusers, inspect.isclass)\n\ntests/others/test_dependencies.py:46: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n../../_tool/Python/3.8.18/x64/lib/python3.8/inspect.py:350: in getmembers\n value = getattr(object, key)\nsrc/diffusers/utils/import_utils.py:684: in __getattr__\n value = getattr(module, name)\nsrc/diffusers/utils/import_utils.py:683: in __getattr__\n module = self._get_module(self._class_to_module[name])\n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nmodule_name = 'autoencoders.autoencoder_kl'\n\n def _get_module(self, module_name: str):\n try:\n return importlib.import_module(\".\" + module_name, self.__name__)\n except Exception as e:\n> raise RuntimeError(\n f\"Failed to import {self.__name__}.{module_name} because of the following error (look up to see its\"\n f\" traceback):\\n{e}\"\n ) from e\nE RuntimeError: Failed to import diffusers.models.autoencoders.autoencoder_kl because of the following error (look up to see its traceback):\nE cannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\n\nsrc/diffusers/utils/import_utils.py:695: RuntimeError\n=========================== short test summary info ============================\nFAILED tests/others/test_dependencies.py::DependencyTester::test_backend_registration - RuntimeError: Failed to import diffusers.models.autoencoders.autoencoder_asym_kl because of the following error (look up to see its traceback):\ncannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\nFAILED tests/others/test_dependencies.py::DependencyTester::test_pipeline_imports - RuntimeError: Failed to import diffusers.models.autoencoders.autoencoder_kl because of the following error (look up to see its traceback):\ncannot import name 'FromSingleFileMixin' from 'diffusers.loaders' (/opt/actions-runner/_work/diffusers/diffusers/src/diffusers/loaders/__init__.py)\n========================= 2 failed, 1 passed in 0.71s ==========================\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/src/diffusers/loaders/__init__.py b/src/diffusers/loaders/__init__.py\nindex 675246e408..4da047435d 100644\n--- a/src/diffusers/loaders/__init__.py\n+++ b/src/diffusers/loaders/__init__.py\n@@ -54,9 +54,11 @@ if is_transformers_available():\n _import_structure = {}\n \n if is_torch_available():\n+ _import_structure[\"autoencoder\"] = [\"FromOriginalVAEMixin\"]\n+\n+ _import_structure[\"controlnet\"] = [\"FromOriginalControlNetMixin\"]\n _import_structure[\"unet\"] = [\"UNet2DConditionLoadersMixin\"]\n _import_structure[\"utils\"] = [\"AttnProcsLayers\"]\n-\n if is_transformers_available():\n _import_structure[\"single_file\"] = [\"FromSingleFileMixin\"]\n _import_structure[\"lora\"] = [\"LoraLoaderMixin\", \"StableDiffusionXLLoraLoaderMixin\"]\n@@ -68,6 +70,8 @@ _import_structure[\"peft\"] = [\"PeftAdapterMixin\"]\n \n if TYPE_CHECKING or DIFFUSERS_SLOW_IMPORT:\n if is_torch_available():\n+ from .autoencoder import FromOriginalVAEMixin\n+ from .controlnet import FromOriginalControlNetMixin\n from .unet import UNet2DConditionLoadersMixin\n from .utils import AttnProcsLayers\n \ndiff --git a/src/diffusers/loaders/autoencoder.py b/src/diffusers/loaders/autoencoder.py\nnew file mode 100644\nindex 0000000000..e21f651b8d\n--- /dev/null\n+++ b/src/diffusers/loaders/autoencoder.py\n@@ -0,0 +1,126 @@\n+# Copyright 2023 The HuggingFace Team. All rights reserved.\n+#\n+# Licensed under the Apache License, Version 2.0 (the \"License\");\n+# you may not use this file except in compliance with the License.\n+# You may obtain a copy of the License at\n+#\n+# http://www.apache.org/licenses/LICENSE-2.0\n+#\n+# Unless required by applicable law or agreed to in writing, software\n+# distributed under the License is distributed on an \"AS IS\" BASIS,\n+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n+# See the License for the specific language governing permissions and\n+# limitations under the License.\n+\n+from huggingface_hub.utils import validate_hf_hub_args\n+\n+from .single_file_utils import (\n+ create_diffusers_vae_model_from_ldm,\n+ fetch_ldm_config_and_checkpoint,\n+)\n+\n+\n+class FromOriginalVAEMixin:\n+ \"\"\"\n+ Load pretrained AutoencoderKL weights saved in the `.ckpt` or `.safetensors` format into a [`ControlNetModel`].\n+ \"\"\"\n+\n+ @classmethod\n+ @validate_hf_hub_args\n+ def from_single_file(cls, pretrained_model_link_or_path, **kwargs):\n+ r\"\"\"\n+ Instantiate a [`AutoencoderKL`] from pretrained ControlNet weights saved in the original `.ckpt` or\n+ `.safetensors` format. The pipeline is set in evaluation mode (`model.eval()`) by default.\n+\n+ Parameters:\n+ pretrained_model_link_or_path (`str` or `os.PathLike`, *optional*):\n+ Can be either:\n+ - A link to the `.ckpt` file (for example\n+ `\"https://huggingface.co//blob/main/.ckpt\"`) on the Hub.\n+ - A path to a *file* containing all pipeline weights.\n+ torch_dtype (`str` or `torch.dtype`, *optional*):\n+ Override the default `torch.dtype` and load the model with another dtype. If `\"auto\"` is passed, the\n+ dtype is automatically derived from the model's weights.\n+ force_download (`bool`, *optional*, defaults to `False`):\n+ Whether or not to force the (re-)download of the model weights and configuration files, overriding the\n+ cached versions if they exist.\n+ cache_dir (`Union[str, os.PathLike]`, *optional*):\n+ Path to a directory where a downloaded pretrained model configuration is cached if the standard cache\n+ is not used.\n+ resume_download (`bool`, *optional*, defaults to `False`):\n+ Whether or not to resume downloading the model weights and configuration files. If set to `False`, any\n+ incompletely downloaded files are deleted.\n+ proxies (`Dict[str, str]`, *optional*):\n+ A dictionary of proxy servers to use by protocol or endpoint, for example, `{'http': 'foo.bar:3128',\n+ 'http://hostname': 'foo.bar:4012'}`. The proxies are used on each request.\n+ local_files_only (`bool`, *optional*, defaults to `False`):\n+ Whether to only load local model weights and configuration files or not. If set to True, the model\n+ won't be downloaded from the Hub.\n+ token (`str` or *bool*, *optional*):\n+ The token to use as HTTP bearer authorization for remote files. If `True`, the token generated from\n+ `diffusers-cli login` (stored in `~/.huggingface`) is used.\n+ revision (`str`, *optional*, defaults to `\"main\"`):\n+ The specific model version to use. It can be a branch name, a tag name, a commit id, or any identifier\n+ allowed by Git.\n+ image_size (`int`, *optional*, defaults to 512):\n+ The image size the model was trained on. Use 512 for all Stable Diffusion v1 models and the Stable\n+ Diffusion v2 base model. Use 768 for Stable Diffusion v2.\n+ use_safetensors (`bool`, *optional*, defaults to `None`):\n+ If set to `None`, the safetensors weights are downloaded if they're available **and** if the\n+ safetensors library is installed. If set to `True`, the model is forcibly loaded from safetensors\n+ weights. If set to `False`, safetensors weights are not loaded.\n+ kwargs (remaining dictionary of keyword arguments, *optional*):\n+ Can be used to overwrite load and saveable variables (for example the pipeline components of the\n+ specific pipeline class). The overwritten components are directly passed to the pipelines `__init__`\n+ method. See example below for more information.\n+\n+ \n+\n+ Make sure to pass both `image_size` and `scaling_factor` to `from_single_file()` if you're loading\n+ a VAE from SDXL or a Stable Diffusion v2 model or higher.\n+\n+ \n+\n+ Examples:\n+\n+ ```py\n+ from diffusers import AutoencoderKL\n+\n+ url = \"https://huggingface.co/stabilityai/sd-vae-ft-mse-original/blob/main/vae-ft-mse-840000-ema-pruned.safetensors\" # can also be local file\n+ model = AutoencoderKL.from_single_file(url)\n+ ```\n+ \"\"\"\n+\n+ original_config_file = kwargs.pop(\"original_config_file\", None)\n+ resume_download = kwargs.pop(\"resume_download\", False)\n+ force_download = kwargs.pop(\"force_download\", False)\n+ proxies = kwargs.pop(\"proxies\", None)\n+ token = kwargs.pop(\"token\", None)\n+ cache_dir = kwargs.pop(\"cache_dir\", None)\n+ local_files_only = kwargs.pop(\"local_files_only\", None)\n+ revision = kwargs.pop(\"revision\", None)\n+ torch_dtype = kwargs.pop(\"torch_dtype\", None)\n+ use_safetensors = kwargs.pop(\"use_safetensors\", True)\n+\n+ class_name = cls.__name__\n+ original_config, checkpoint = fetch_ldm_config_and_checkpoint(\n+ pretrained_model_link_or_path=pretrained_model_link_or_path,\n+ class_name=class_name,\n+ original_config_file=original_config_file,\n+ resume_download=resume_download,\n+ force_download=force_download,\n+ proxies=proxies,\n+ token=token,\n+ revision=revision,\n+ local_files_only=local_files_only,\n+ use_safetensors=use_safetensors,\n+ cache_dir=cache_dir,\n+ )\n+\n+ image_size = kwargs.pop(\"image_size\", None)\n+ component = create_diffusers_vae_model_from_ldm(class_name, original_config, checkpoint, image_size=image_size)\n+ vae = component[\"vae\"]\n+ if torch_dtype is not None:\n+ vae = vae.to(torch_dtype)\n+\n+ return vae\ndiff --git a/src/diffusers/loaders/controlnet.py b/src/diffusers/loaders/controlnet.py\nnew file mode 100644\nindex 0000000000..527a77109a\n--- /dev/null\n+++ b/src/diffusers/loaders/controlnet.py\n@@ -0,0 +1,127 @@\n+# Copyright 2023 The HuggingFace Team. All rights reserved.\n+#\n+# Licensed under the Apache License, Version 2.0 (the \"License\");\n+# you may not use this file except in compliance with the License.\n+# You may obtain a copy of the License at\n+#\n+# http://www.apache.org/licenses/LICENSE-2.0\n+#\n+# Unless required by applicable law or agreed to in writing, software\n+# distributed under the License is distributed on an \"AS IS\" BASIS,\n+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n+# See the License for the specific language governing permissions and\n+# limitations under the License.\n+\n+from huggingface_hub.utils import validate_hf_hub_args\n+\n+from .single_file_utils import (\n+ create_diffusers_controlnet_model_from_ldm,\n+ fetch_ldm_config_and_checkpoint,\n+)\n+\n+\n+class FromOriginalControlNetMixin:\n+ \"\"\"\n+ Load pretrained ControlNet weights saved in the `.ckpt` or `.safetensors` format into a [`ControlNetModel`].\n+ \"\"\"\n+\n+ @classmethod\n+ @validate_hf_hub_args\n+ def from_single_file(cls, pretrained_model_link_or_path, **kwargs):\n+ r\"\"\"\n+ Instantiate a [`ControlNetModel`] from pretrained ControlNet weights saved in the original `.ckpt` or\n+ `.safetensors` format. The pipeline is set in evaluation mode (`model.eval()`) by default.\n+\n+ Parameters:\n+ pretrained_model_link_or_path (`str` or `os.PathLike`, *optional*):\n+ Can be either:\n+ - A link to the `.ckpt` file (for example\n+ `\"https://huggingface.co//blob/main/.ckpt\"`) on the Hub.\n+ - A path to a *file* containing all pipeline weights.\n+ torch_dtype (`str` or `torch.dtype`, *optional*):\n+ Override the default `torch.dtype` and load the model with another dtype. If `\"auto\"` is passed, the\n+ dtype is automatically derived from the model's weights.\n+ force_download (`bool`, *optional*, defaults to `False`):\n+ Whether or not to force the (re-)download of the model weights and configuration files, overriding the\n+ cached versions if they exist.\n+ cache_dir (`Union[str, os.PathLike]`, *optional*):\n+ Path to a directory where a downloaded pretrained model configuration is cached if the standard cache\n+ is not used.\n+ resume_download (`bool`, *optional*, defaults to `False`):\n+ Whether or not to resume downloading the model weights and configuration files. If set to `False`, any\n+ incompletely downloaded files are deleted.\n+ proxies (`Dict[str, str]`, *optional*):\n+ A dictionary of proxy servers to use by protocol or endpoint, for example, `{'http': 'foo.bar:3128',\n+ 'http://hostname': 'foo.bar:4012'}`. The proxies are used on each request.\n+ local_files_only (`bool`, *optional*, defaults to `False`):\n+ Whether to only load local model weights and configuration files or not. If set to True, the model\n+ won't be downloaded from the Hub.\n+ token (`str` or *bool*, *optional*):\n+ The token to use as HTTP bearer authorization for remote files. If `True`, the token generated from\n+ `diffusers-cli login` (stored in `~/.huggingface`) is used.\n+ revision (`str`, *optional*, defaults to `\"main\"`):\n+ The specific model version to use. It can be a branch name, a tag name, a commit id, or any identifier\n+ allowed by Git.\n+ use_safetensors (`bool`, *optional*, defaults to `None`):\n+ If set to `None`, the safetensors weights are downloaded if they're available **and** if the\n+ safetensors library is installed. If set to `True`, the model is forcibly loaded from safetensors\n+ weights. If set to `False`, safetensors weights are not loaded.\n+ image_size (`int`, *optional*, defaults to 512):\n+ The image size the model was trained on. Use 512 for all Stable Diffusion v1 models and the Stable\n+ Diffusion v2 base model. Use 768 for Stable Diffusion v2.\n+ upcast_attention (`bool`, *optional*, defaults to `None`):\n+ Whether the attention computation should always be upcasted.\n+ kwargs (remaining dictionary of keyword arguments, *optional*):\n+ Can be used to overwrite load and saveable variables (for example the pipeline components of the\n+ specific pipeline class). The overwritten components are directly passed to the pipelines `__init__`\n+ method. See example below for more information.\n+\n+ Examples:\n+\n+ ```py\n+ from diffusers import StableDiffusionControlNetPipeline, ControlNetModel\n+\n+ url = \"https://huggingface.co/lllyasviel/ControlNet-v1-1/blob/main/control_v11p_sd15_canny.pth\" # can also be a local path\n+ model = ControlNetModel.from_single_file(url)\n+\n+ url = \"https://huggingface.co/runwayml/stable-diffusion-v1-5/blob/main/v1-5-pruned.safetensors\" # can also be a local path\n+ pipe = StableDiffusionControlNetPipeline.from_single_file(url, controlnet=controlnet)\n+ ```\n+ \"\"\"\n+ original_config_file = kwargs.pop(\"original_config_file\", None)\n+ resume_download = kwargs.pop(\"resume_download\", False)\n+ force_download = kwargs.pop(\"force_download\", False)\n+ proxies = kwargs.pop(\"proxies\", None)\n+ token = kwargs.pop(\"token\", None)\n+ cache_dir = kwargs.pop(\"cache_dir\", None)\n+ local_files_only = kwargs.pop(\"local_files_only\", None)\n+ revision = kwargs.pop(\"revision\", None)\n+ torch_dtype = kwargs.pop(\"torch_dtype\", None)\n+ use_safetensors = kwargs.pop(\"use_safetensors\", True)\n+\n+ class_name = cls.__name__\n+ original_config, checkpoint = fetch_ldm_config_and_checkpoint(\n+ pretrained_model_link_or_path=pretrained_model_link_or_path,\n+ class_name=class_name,\n+ original_config_file=original_config_file,\n+ resume_download=resume_download,\n+ force_download=force_download,\n+ proxies=proxies,\n+ token=token,\n+ revision=revision,\n+ local_files_only=local_files_only,\n+ use_safetensors=use_safetensors,\n+ cache_dir=cache_dir,\n+ )\n+\n+ upcast_attention = kwargs.pop(\"upcast_attention\", False)\n+ image_size = kwargs.pop(\"image_size\", None)\n+\n+ component = create_diffusers_controlnet_model_from_ldm(\n+ class_name, original_config, checkpoint, upcast_attention=upcast_attention, image_size=image_size\n+ )\n+ controlnet = component[\"controlnet\"]\n+ if torch_dtype is not None:\n+ controlnet = controlnet.to(torch_dtype)\n+\n+ return controlnet\ndiff --git a/src/diffusers/loaders/single_file.py b/src/diffusers/loaders/single_file.py\nindex d23b2b9e87..d747bfacde 100644\n--- a/src/diffusers/loaders/single_file.py\n+++ b/src/diffusers/loaders/single_file.py\n@@ -11,32 +11,22 @@\n # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.\n # See the License for the specific language governing permissions and\n # limitations under the License.\n-import os\n-import re\n \n from huggingface_hub.utils import validate_hf_hub_args\n-from transformers import AutoFeatureExtractor\n \n-from ..models.modeling_utils import load_state_dict\n-from ..utils import (\n- logging,\n-)\n-from ..utils.hub_utils import _get_model_file\n+from ..utils import logging\n from .single_file_utils import (\n- create_diffusers_controlnet_model_from_ldm,\n create_diffusers_unet_model_from_ldm,\n create_diffusers_vae_model_from_ldm,\n create_scheduler_from_ldm,\n create_text_encoders_and_tokenizers_from_ldm,\n- fetch_original_config,\n+ fetch_ldm_config_and_checkpoint,\n infer_model_type,\n )\n \n \n logger = logging.get_logger(__name__)\n \n-\n-VALID_URL_PREFIXES = [\"https://huggingface.co/\", \"huggingface.co/\", \"hf.co/\", \"https://hf.co/\"]\n # Pipelines that support the SDXL Refiner checkpoint\n REFINER_PIPELINES = [\n \"StableDiffusionXLImg2ImgPipeline\",\n@@ -45,29 +35,12 @@ REFINER_PIPELINES = [\n ]\n \n \n-def _extract_repo_id_and_weights_name(pretrained_model_name_or_path):\n- pattern = r\"([^/]+)/([^/]+)/(?:blob/main/)?(.+)\"\n- weights_name = None\n- repo_id = (None,)\n- for prefix in VALID_URL_PREFIXES:\n- pretrained_model_name_or_path = pretrained_model_name_or_path.replace(prefix, \"\")\n- match = re.match(pattern, pretrained_model_name_or_path)\n- if not match:\n- return repo_id, weights_name\n-\n- repo_id = f\"{match.group(1)}/{match.group(2)}\"\n- weights_name = match.group(3)\n-\n- return repo_id, weights_name\n-\n-\n def build_sub_model_components(\n pipeline_components,\n pipeline_class_name,\n component_name,\n original_config,\n checkpoint,\n- checkpoint_path_or_dict,\n local_files_only=False,\n load_safety_checker=False,\n **kwargs,\n@@ -117,6 +90,8 @@ def build_sub_model_components(\n \n if component_name == \"safety_checker\":\n if load_safety_checker:\n+ from transformers import AutoFeatureExtractor\n+\n from ..pipelines.stable_diffusion.safety_checker import StableDiffusionSafetyChecker\n \n safety_checker = StableDiffusionSafetyChecker.from_pretrained(\n@@ -233,50 +208,20 @@ class FromSingleFileMixin:\n use_safetensors = kwargs.pop(\"use_safetensors\", True)\n \n class_name = cls.__name__\n- file_extension = pretrained_model_link_or_path.rsplit(\".\", 1)[-1]\n- from_safetensors = file_extension == \"safetensors\"\n-\n- if from_safetensors and use_safetensors is False:\n- raise ValueError(\"Make sure to install `safetensors` with `pip install safetensors`.\")\n-\n- if os.path.isfile(pretrained_model_link_or_path):\n- checkpoint = load_state_dict(pretrained_model_link_or_path)\n- else:\n- repo_id, weights_name = _extract_repo_id_and_weights_name(pretrained_model_link_or_path)\n- checkpoint_path = _get_model_file(\n- repo_id,\n- weights_name=weights_name,\n- force_download=force_download,\n- cache_dir=cache_dir,\n- resume_download=resume_download,\n- proxies=proxies,\n- local_files_only=local_files_only,\n- token=token,\n- revision=revision,\n- )\n- checkpoint = load_state_dict(checkpoint_path)\n-\n- # some checkpoints contain the model state dict under a \"state_dict\" key\n- while \"state_dict\" in checkpoint:\n- checkpoint = checkpoint[\"state_dict\"]\n-\n- original_config = fetch_original_config(class_name, checkpoint, original_config_file)\n-\n- if class_name == \"AutoencoderKL\":\n- image_size = kwargs.pop(\"image_size\", None)\n- component = create_diffusers_vae_model_from_ldm(\n- class_name, original_config, checkpoint, image_size=image_size\n- )\n- return component[\"vae\"]\n \n- if class_name == \"ControlNetModel\":\n- upcast_attention = kwargs.pop(\"upcast_attention\", False)\n- image_size = kwargs.pop(\"image_size\", None)\n-\n- component = create_diffusers_controlnet_model_from_ldm(\n- class_name, original_config, checkpoint, upcast_attention=upcast_attention, image_size=image_size\n- )\n- return component[\"controlnet\"]\n+ original_config, checkpoint = fetch_ldm_config_and_checkpoint(\n+ pretrained_model_link_or_path=pretrained_model_link_or_path,\n+ class_name=class_name,\n+ original_config_file=original_config_file,\n+ resume_download=resume_download,\n+ force_download=force_download,\n+ proxies=proxies,\n+ token=token,\n+ revision=revision,\n+ local_files_only=local_files_only,\n+ use_safetensors=use_safetensors,\n+ cache_dir=cache_dir,\n+ )\n \n from ..pipelines.pipeline_utils import _get_pipeline_class\n \ndiff --git a/src/diffusers/loaders/single_file_utils.py b/src/diffusers/loaders/single_file_utils.py\nindex 475b7d3819..e76ea516d8 100644\n--- a/src/diffusers/loaders/single_file_utils.py\n+++ b/src/diffusers/loaders/single_file_utils.py\n@@ -15,20 +15,15 @@\n \"\"\" Conversion script for the Stable Diffusion checkpoints.\"\"\"\n \n import os\n+import re\n from contextlib import nullcontext\n from io import BytesIO\n from urllib.parse import urlparse\n \n import requests\n import yaml\n-from transformers import (\n- CLIPTextConfig,\n- CLIPTextModel,\n- CLIPTextModelWithProjection,\n- CLIPTokenizer,\n-)\n \n-from ..models import UNet2DConditionModel\n+from ..models.modeling_utils import load_state_dict\n from ..schedulers import (\n DDIMScheduler,\n DDPMScheduler,\n@@ -39,8 +34,17 @@ from ..schedulers import (\n LMSDiscreteScheduler,\n PNDMScheduler,\n )\n-from ..utils import is_accelerate_available, logging\n+from ..utils import is_accelerate_available, is_transformers_available, logging\n+from ..utils.hub_utils import _get_model_file\n+\n \n+if is_transformers_available():\n+ from transformers import (\n+ CLIPTextConfig,\n+ CLIPTextModel,\n+ CLIPTextModelWithProjection,\n+ CLIPTokenizer,\n+ )\n \n if is_accelerate_available():\n from accelerate import init_empty_weights\n@@ -187,6 +191,71 @@ SD_2_TEXT_ENCODER_KEYS_TO_IGNORE = [\n ]\n \n \n+VALID_URL_PREFIXES = [\"https://huggingface.co/\", \"huggingface.co/\", \"hf.co/\", \"https://hf.co/\"]\n+\n+\n+def _extract_repo_id_and_weights_name(pretrained_model_name_or_path):\n+ pattern = r\"([^/]+)/([^/]+)/(?:blob/main/)?(.+)\"\n+ weights_name = None\n+ repo_id = (None,)\n+ for prefix in VALID_URL_PREFIXES:\n+ pretrained_model_name_or_path = pretrained_model_name_or_path.replace(prefix, \"\")\n+ match = re.match(pattern, pretrained_model_name_or_path)\n+ if not match:\n+ return repo_id, weights_name\n+\n+ repo_id = f\"{match.group(1)}/{match.group(2)}\"\n+ weights_name = match.group(3)\n+\n+ return repo_id, weights_name\n+\n+\n+def fetch_ldm_config_and_checkpoint(\n+ pretrained_model_link_or_path,\n+ class_name,\n+ original_config_file=None,\n+ resume_download=False,\n+ force_download=False,\n+ proxies=None,\n+ token=None,\n+ cache_dir=None,\n+ local_files_only=None,\n+ revision=None,\n+ use_safetensors=True,\n+):\n+ file_extension = pretrained_model_link_or_path.rsplit(\".\", 1)[-1]\n+ from_safetensors = file_extension == \"safetensors\"\n+\n+ if from_safetensors and use_safetensors is False:\n+ raise ValueError(\"Make sure to install `safetensors` with `pip install safetensors`.\")\n+\n+ if os.path.isfile(pretrained_model_link_or_path):\n+ checkpoint = load_state_dict(pretrained_model_link_or_path)\n+\n+ else:\n+ repo_id, weights_name = _extract_repo_id_and_weights_name(pretrained_model_link_or_path)\n+ checkpoint_path = _get_model_file(\n+ repo_id,\n+ weights_name=weights_name,\n+ force_download=force_download,\n+ cache_dir=cache_dir,\n+ resume_download=resume_download,\n+ proxies=proxies,\n+ local_files_only=local_files_only,\n+ token=token,\n+ revision=revision,\n+ )\n+ checkpoint = load_state_dict(checkpoint_path)\n+\n+ # some checkpoints contain the model state dict under a \"state_dict\" key\n+ while \"state_dict\" in checkpoint:\n+ checkpoint = checkpoint[\"state_dict\"]\n+\n+ original_config = fetch_original_config(class_name, checkpoint, original_config_file)\n+\n+ return original_config, checkpoint\n+\n+\n def infer_original_config_file(class_name, checkpoint):\n if CHECKPOINT_KEY_NAMES[\"v2\"] in checkpoint and checkpoint[CHECKPOINT_KEY_NAMES[\"v2\"]].shape[-1] == 1024:\n config_url = CONFIG_URLS[\"v2\"]\n@@ -438,7 +507,7 @@ def create_controlnet_diffusers_config(original_config, image_size: int):\n return controlnet_config\n \n \n-def create_vae_diffusers_config(original_config, image_size: int):\n+def create_vae_diffusers_config(original_config, image_size, scaling_factor=0.18125):\n \"\"\"\n Creates a config for the diffusers based on the config of the LDM model.\n \"\"\"\n@@ -457,6 +526,7 @@ def create_vae_diffusers_config(original_config, image_size: int):\n \"block_out_channels\": tuple(block_out_channels),\n \"latent_channels\": vae_params[\"z_channels\"],\n \"layers_per_block\": vae_params[\"num_res_blocks\"],\n+ \"scaling_factor\": scaling_factor,\n }\n \n return config\n@@ -1029,6 +1099,8 @@ def create_diffusers_unet_model_from_ldm(\n extract_ema=False,\n image_size=None,\n ):\n+ from ..models import UNet2DConditionModel\n+\n if num_in_channels is None:\n if pipeline_class_name in [\n \"StableDiffusionInpaintPipeline\",\n@@ -1063,17 +1135,14 @@ def create_diffusers_unet_model_from_ldm(\n \n \n def create_diffusers_vae_model_from_ldm(\n- pipeline_class_name,\n- original_config,\n- checkpoint,\n- image_size=None,\n+ pipeline_class_name, original_config, checkpoint, image_size=None, scaling_factor=0.18125\n ):\n # import here to avoid circular imports\n from ..models import AutoencoderKL\n \n image_size = set_image_size(pipeline_class_name, original_config, checkpoint, image_size=image_size)\n \n- vae_config = create_vae_diffusers_config(original_config, image_size=image_size)\n+ vae_config = create_vae_diffusers_config(original_config, image_size=image_size, scaling_factor=scaling_factor)\n diffusers_format_vae_checkpoint = convert_ldm_vae_checkpoint(checkpoint, vae_config)\n ctx = init_empty_weights if is_accelerate_available() else nullcontext\n \ndiff --git a/src/diffusers/models/autoencoders/autoencoder_kl.py b/src/diffusers/models/autoencoders/autoencoder_kl.py\nindex 92d12a220f..10a3ae58de 100644\n--- a/src/diffusers/models/autoencoders/autoencoder_kl.py\n+++ b/src/diffusers/models/autoencoders/autoencoder_kl.py\n@@ -17,7 +17,7 @@ import torch\n import torch.nn as nn\n \n from ...configuration_utils import ConfigMixin, register_to_config\n-from ...loaders import FromSingleFileMixin\n+from ...loaders import FromOriginalVAEMixin\n from ...utils.accelerate_utils import apply_forward_hook\n from ..attention_processor import (\n ADDED_KV_ATTENTION_PROCESSORS,\n@@ -32,7 +32,7 @@ from ..modeling_utils import ModelMixin\n from .vae import Decoder, DecoderOutput, DiagonalGaussianDistribution, Encoder\n \n \n-class AutoencoderKL(ModelMixin, ConfigMixin, FromSingleFileMixin):\n+class AutoencoderKL(ModelMixin, ConfigMixin, FromOriginalVAEMixin):\n r\"\"\"\n A VAE model with KL loss for encoding images into latents and decoding latent representations into images.\n \ndiff --git a/src/diffusers/models/controlnet.py b/src/diffusers/models/controlnet.py\nindex 8af13a6ec7..7f30410c41 100644\n--- a/src/diffusers/models/controlnet.py\n+++ b/src/diffusers/models/controlnet.py\n@@ -19,7 +19,7 @@ from torch import nn\n from torch.nn import functional as F\n \n from ..configuration_utils import ConfigMixin, register_to_config\n-from ..loaders import FromSingleFileMixin\n+from ..loaders import FromOriginalControlNetMixin\n from ..utils import BaseOutput, logging\n from .attention_processor import (\n ADDED_KV_ATTENTION_PROCESSORS,\n@@ -102,7 +102,7 @@ class ControlNetConditioningEmbedding(nn.Module):\n return embedding\n \n \n-class ControlNetModel(ModelMixin, ConfigMixin, FromSingleFileMixin):\n+class ControlNetModel(ModelMixin, ConfigMixin, FromOriginalControlNetMixin):\n \"\"\"\n A ControlNet model.\n \n", "difficulty": 2, "changed_files": ["src/diffusers/loaders/__init__.py", "src/diffusers/loaders/autoencoder.py", "src/diffusers/loaders/controlnet.py", "src/diffusers/loaders/single_file.py", "src/diffusers/loaders/single_file_utils.py", "src/diffusers/models/autoencoders/autoencoder_kl.py", "src/diffusers/models/controlnet.py"], "commit_link": "https://github.com/huggingface/diffusers/tree/ba66fb81a0c8db48fed7abe833409f447b95708b"} \ No newline at end of file diff --git a/data/python/c359d79.json b/data/python/c359d79.json new file mode 100644 index 0000000000000000000000000000000000000000..d53de15c09055efb5c7a9a951f4d27b7d8a45eae --- /dev/null +++ b/data/python/c359d79.json @@ -0,0 +1 @@ +{"language": "Python", "id": 72, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "release-4", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "RobTilton", "sha_fail": "c359d794dd0e4baf40be48d584193f88c2213f37", "sha_success": "857bb8b9f8df6c042d03fd331ac04c8d4bc35d8d", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.32-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 kB 15.5 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.32-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 31.4 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 64.9 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 117.0 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 83.6 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 98.1 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.13.1 identify-2.5.32 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.5.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.13.1\nidentify==2.5.32\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.5.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCache Size: ~15 MB (15834028 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/57a1be88-e0dc-49f3-b641-71745b211e30/cache.tzst -P -C /home/runner/work/django-import-export/django-import-export --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mtests/core/tests/test_resources/test_resources.py\u001b[m\u001b[36m:\u001b[m4\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mF401\u001b[m 'copy.deepcopy' imported but unused\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/docs/changelog.rst b/docs/changelog.rst\nindex 09dc80c6..d20ed2e7 100644\n--- a/docs/changelog.rst\n+++ b/docs/changelog.rst\n@@ -13,7 +13,6 @@ Please refer to :doc:`release notes`.\n - Import form defaults to read-only field if only one format defined (#1690)\n - Refactored :module:`~import_export.resources` into separate modules for ``declarative`` and ``options`` (#1695)\n - fix multiple inheritance not setting options (#1696)\n-- Refactored tests to remove dependencies between tests (#1703)\n \n 4.0.0-beta.1 (2023-11-16)\n --------------------------\ndiff --git a/import_export/admin.py b/import_export/admin.py\nindex 167a4fe1..66964e4f 100644\n--- a/import_export/admin.py\n+++ b/import_export/admin.py\n@@ -207,7 +207,7 @@ class ImportMixin(BaseImportMixin, ImportExportMixinBase):\n def generate_log_entries(self, result, request):\n if not self.get_skip_admin_log():\n # Add imported objects to LogEntry\n- if django.VERSION >= (5, 0):\n+ if django.VERSION >= (6, 0):\n self._log_actions(result, request)\n else:\n logentry_map = {\ndiff --git a/tests/core/tests/test_resources/test_resources.py b/tests/core/tests/test_resources/test_resources.py\nindex 82ef08bd..408317c7 100644\n--- a/tests/core/tests/test_resources/test_resources.py\n+++ b/tests/core/tests/test_resources/test_resources.py\n@@ -1092,15 +1092,8 @@ class ModelResourceTest(TestCase):\n \n @ignore_widget_deprecation_warning\n def test_import_data_skip_unchanged(self):\n- class MyBookResource(resources.ModelResource):\n- save_count = 0\n-\n- def save_instance(self, instance, is_create, row, **kwargs):\n- self.save_count += 1\n-\n- class Meta:\n- skip_unchanged = True\n- model = Book\n+ def attempted_save(instance, new, using_transactions, real_dry_run):\n+ self.fail(\"Resource attempted to save instead of skipping\")\n \n # Make sure we test with ManyToMany related objects\n cat1 = Category.objects.create(name=\"Cat 1\")\n@@ -1111,15 +1104,16 @@ class ModelResourceTest(TestCase):\n \n # Create a new resource that attempts to reimport the data currently\n # in the database while skipping unchanged rows (i.e. all of them)\n- resource = MyBookResource()\n+ resource = deepcopy(self.resource)\n+ resource._meta.skip_unchanged = True\n+ # Fail the test if the resource attempts to save the row\n+ resource.save_instance = attempted_save\n result = resource.import_data(dataset, raise_errors=True)\n self.assertFalse(result.has_errors())\n self.assertEqual(len(result.rows), len(dataset))\n self.assertTrue(result.rows[0].diff)\n self.assertEqual(result.rows[0].import_type, results.RowResult.IMPORT_TYPE_SKIP)\n self.assertEqual(result.rows[0].object_id, self.book.pk)\n- if resource.save_count > 0:\n- self.fail(\"Resource attempted to save instead of skipping\")\n \n # Test that we can suppress reporting of skipped rows\n resource._meta.report_skipped = False\ndiff --git a/tests/core/tests/test_results.py b/tests/core/tests/test_results.py\nindex 35db0268..fa2e487c 100644\n--- a/tests/core/tests/test_results.py\n+++ b/tests/core/tests/test_results.py\n@@ -56,8 +56,12 @@ class ResultTest(TestCase):\n self.assertEqual(\"\", row_result.object_repr)\n \n def test_add_instance_info(self):\n+ class BookWithObjectRepr(Book):\n+ def __str__(self):\n+ return self.name\n+\n row_result = RowResult()\n- row_result.add_instance_info(Book(pk=1, name=\"some book\"))\n+ row_result.add_instance_info(BookWithObjectRepr(pk=1, name=\"some book\"))\n self.assertEqual(1, row_result.object_id)\n self.assertEqual(\"some book\", row_result.object_repr)\n \n", "difficulty": 0, "changed_files": ["docs/changelog.rst", "import_export/admin.py", "tests/core/tests/test_resources/test_resources.py", "tests/core/tests/test_results.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/c359d794dd0e4baf40be48d584193f88c2213f37"} \ No newline at end of file diff --git a/data/python/c3f4fe9.json b/data/python/c3f4fe9.json new file mode 100644 index 0000000000000000000000000000000000000000..5b85c8410d7cb864aba62d4ca4ac10778a2941c0 --- /dev/null +++ b/data/python/c3f4fe9.json @@ -0,0 +1 @@ +{"language": "Python", "id": 0, "repo_owner": "skypilot-org", "repo_name": "skypilot", "head_branch": "master", "workflow_name": "format", "workflow_filename": "format.yml", "workflow_path": ".github/workflows/format.yml", "contributor": "jackyk02", "sha_fail": "c3f4fe9eefdb297183b6d51bfc305e40feeec358", "sha_success": "9cce23f0c62739e41b45abafccc619962de6db64", "workflow": "name: format\n\non:\n # Trigger the workflow on push or pull request,\n # but only for the main branch\n push:\n branches:\n - master\n - 'releases/**'\n pull_request:\n branches:\n - master\n - 'releases/**'\njobs:\n format:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\"]\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install yapf==0.32.0\n pip install toml==0.10.2\n pip install black==22.10.0\n pip install isort==5.12.0\n - name: Running yapf\n run: |\n yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n --exclude 'sky/skylet/providers/aws/**' \\\n --exclude 'sky/skylet/providers/gcp/**' \\\n --exclude 'sky/skylet/providers/azure/**' \\\n --exclude 'sky/skylet/providers/ibm/**'\n - name: Running black\n run: |\n black --diff --check sky/skylet/providers/aws/ \\\n sky/skylet/providers/gcp/ \\\n sky/skylet/providers/azure/ \\\n sky/skylet/providers/ibm/\n - name: Running isort for black formatted files\n run: |\n isort --diff --check --profile black -l 88 -m 3 \\\n sky/skylet/providers/ibm/\n - name: Running isort for yapf formatted files\n run: |\n isort --diff --check ./ --sg 'sky/skylet/ray_patches/**' \\\n --sg 'sky/skylet/providers/aws/**' \\\n --sg 'sky/skylet/providers/gcp/**' \\\n --sg 'sky/skylet/providers/azure/**' \\\n --sg 'sky/skylet/providers/ibm/**'\n", "logs": [{"step_name": "format (3.8)/5_Running yapf.txt", "log": "##[group]Run yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n\u001b[36;1myapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/aws/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/gcp/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/azure/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/ibm/**'\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--- ./sky/resources.py\t(original)\n+++ ./sky/resources.py\t(reformatted)\n@@ -836,8 +836,8 @@\n image_size = self.cloud.get_image_size(image_id, region)\n if image_size >= self.disk_size:\n with ux_utils.print_exception_no_traceback():\n- size_comp = ('larger than' if image_size > self.disk_size\n- else 'equal to')\n+ size_comp = ('larger than'\n+ if image_size > self.disk_size else 'equal to')\n raise ValueError(\n f'Image {image_id!r} is {image_size}GB, which is '\n f'{size_comp} the specified disk_size: '\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/sky/resources.py b/sky/resources.py\nindex b965401b..01cb9cce 100644\n--- a/sky/resources.py\n+++ b/sky/resources.py\n@@ -836,8 +836,8 @@ class Resources:\n image_size = self.cloud.get_image_size(image_id, region)\n if image_size >= self.disk_size:\n with ux_utils.print_exception_no_traceback():\n- size_comp = ('larger than' if image_size > self.disk_size\n- else 'equal to')\n+ size_comp = ('larger than'\n+ if image_size > self.disk_size else 'equal to')\n raise ValueError(\n f'Image {image_id!r} is {image_size}GB, which is '\n f'{size_comp} the specified disk_size: '\n", "difficulty": 0, "changed_files": ["sky/resources.py"], "commit_link": "https://github.com/skypilot-org/skypilot/tree/c3f4fe9eefdb297183b6d51bfc305e40feeec358"} \ No newline at end of file diff --git a/data/python/c999137.json b/data/python/c999137.json new file mode 100644 index 0000000000000000000000000000000000000000..e0cc7737f30eeeb1e8c11104d456c42ac752d1eb --- /dev/null +++ b/data/python/c999137.json @@ -0,0 +1 @@ +{"language": "Python", "id": 40, "repo_owner": "huggingface", "repo_name": "accelerate", "head_branch": "AjayP13-patch-1", "workflow_name": "Quality Check", "workflow_filename": "quality.yml", "workflow_path": ".github/workflows/quality.yml", "contributor": "AjayP13", "sha_fail": "c9991372b81edabb86965638db110ab930f8e165", "sha_success": "bc1bcebbac61b294a21942da7541993b08431d41", "workflow": "name: Quality Check\n\non: [pull_request]\n\njobs:\n quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.1.0\n - name: Set up Python 3.8\n uses: actions/setup-python@v3\n with:\n python-version: 3.8\n - name: Install Python dependencies\n run: pip install -e .[quality]\n - name: Run Quality check\n run: make quality\n - name: Check if failure\n if: ${{ failure() }}\n run: |\n echo \"Quality check failed. Please ensure the right dependency versions are installed with 'pip install -e .[quality]' and rerun 'make style; make quality;'\" >> $GITHUB_STEP_SUMMARY\n\n", "logs": [{"step_name": "quality/5_Run Quality check.txt", "log": "##[group]Run make quality\n\u001b[36;1mmake quality\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nblack --required-version 23 --check tests src examples benchmarks utils\nAll done! \u2728 \ud83c\udf70 \u2728\n118 files would be left unchanged.\nruff tests src examples benchmarks utils\nsrc/accelerate/utils/fsdp_utils.py:14:1: I001 [*] Import block is un-sorted or un-formatted\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\nmake: *** [Makefile:16: quality] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/src/accelerate/utils/fsdp_utils.py b/src/accelerate/utils/fsdp_utils.py\nindex 35126fc..a638825 100644\n--- a/src/accelerate/utils/fsdp_utils.py\n+++ b/src/accelerate/utils/fsdp_utils.py\n@@ -17,7 +17,7 @@ import torch\n \n from ..logging import get_logger\n from .constants import FSDP_MODEL_NAME, FSDP_PYTORCH_VERSION, OPTIMIZER_NAME\n-from .imports import is_torch_distributed_available, is_peft_available\n+from .imports import is_peft_available, is_torch_distributed_available\n from .other import extract_model_from_parallel\n from .versions import is_torch_version\n \n", "difficulty": 0, "changed_files": ["src/accelerate/utils/fsdp_utils.py"], "commit_link": "https://github.com/huggingface/accelerate/tree/c9991372b81edabb86965638db110ab930f8e165"} \ No newline at end of file diff --git a/data/python/cc2ad92.json b/data/python/cc2ad92.json new file mode 100644 index 0000000000000000000000000000000000000000..b4176018738885df4136daf1f0c594ff54f35628 --- /dev/null +++ b/data/python/cc2ad92.json @@ -0,0 +1 @@ +{"language": "Python", "id": 73, "repo_owner": "scrapy", "repo_name": "scrapy", "head_branch": "master", "workflow_name": "Checks", "workflow_filename": "checks.yml", "workflow_path": ".github/workflows/checks.yml", "contributor": "Chenwei-Niu", "sha_fail": "cc2ad923f94d2f5485c20f594db56e2540024ae0", "sha_success": "39ee8d1ee2decce995c4dafc5da5a6fb55f478c9", "workflow": "name: Checks\non: [push, pull_request]\n\nconcurrency:\n group: ${{github.workflow}}-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n checks:\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n include:\n - python-version: \"3.12\"\n env:\n TOXENV: pylint\n - python-version: 3.8\n env:\n TOXENV: typing\n - python-version: \"3.11\" # Keep in sync with .readthedocs.yml\n env:\n TOXENV: docs\n - python-version: \"3.12\"\n env:\n TOXENV: twinecheck\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n - name: Run check\n env: ${{ matrix.env }}\n run: |\n pip install -U tox\n tox\n\n pre-commit:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "checks (3.8, typing)/4_Run check.txt", "log": "##[group]Run pip install -U tox\n\u001b[36;1mpip install -U tox\u001b[0m\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n TOXENV: typing\n##[endgroup]\nCollecting tox\n Obtaining dependency information for tox from https://files.pythonhosted.org/packages/f5/f9/963052e8b825645c54262dce7b7c88691505e3b9ee10a3e3667711eaaf21/tox-4.11.3-py3-none-any.whl.metadata\n Downloading tox-4.11.3-py3-none-any.whl.metadata (5.0 kB)\nCollecting cachetools>=5.3.1 (from tox)\n Obtaining dependency information for cachetools>=5.3.1 from https://files.pythonhosted.org/packages/a9/c9/c8a7710f2cedcb1db9224fdd4d8307c9e48cbddc46c18b515fefc0f1abbe/cachetools-5.3.1-py3-none-any.whl.metadata\n Downloading cachetools-5.3.1-py3-none-any.whl.metadata (5.2 kB)\nCollecting chardet>=5.2 (from tox)\n Obtaining dependency information for chardet>=5.2 from https://files.pythonhosted.org/packages/38/6f/f5fbc992a329ee4e0f288c1fe0e2ad9485ed064cac731ed2fe47dcc38cbf/chardet-5.2.0-py3-none-any.whl.metadata\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting colorama>=0.4.6 (from tox)\n Downloading colorama-0.4.6-py2.py3-none-any.whl (25 kB)\nCollecting filelock>=3.12.3 (from tox)\n Obtaining dependency information for filelock>=3.12.3 from https://files.pythonhosted.org/packages/5e/5d/97afbafd9d584ff1b45fcb354a479a3609bd97f912f8f1f6c563cb1fae21/filelock-3.12.4-py3-none-any.whl.metadata\n Downloading filelock-3.12.4-py3-none-any.whl.metadata (2.8 kB)\nCollecting packaging>=23.1 (from tox)\n Obtaining dependency information for packaging>=23.1 from https://files.pythonhosted.org/packages/ec/1a/610693ac4ee14fcdf2d9bf3c493370e4f2ef7ae2e19217d7a237ff42367d/packaging-23.2-py3-none-any.whl.metadata\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting platformdirs>=3.10 (from tox)\n Obtaining dependency information for platformdirs>=3.10 from https://files.pythonhosted.org/packages/56/29/3ec311dc18804409ecf0d2b09caa976f3ae6215559306b5b530004e11156/platformdirs-3.11.0-py3-none-any.whl.metadata\n Downloading platformdirs-3.11.0-py3-none-any.whl.metadata (11 kB)\nCollecting pluggy>=1.3 (from tox)\n Obtaining dependency information for pluggy>=1.3 from https://files.pythonhosted.org/packages/05/b8/42ed91898d4784546c5f06c60506400548db3f7a4b3fb441cba4e5c17952/pluggy-1.3.0-py3-none-any.whl.metadata\n Downloading pluggy-1.3.0-py3-none-any.whl.metadata (4.3 kB)\nCollecting pyproject-api>=1.6.1 (from tox)\n Obtaining dependency information for pyproject-api>=1.6.1 from https://files.pythonhosted.org/packages/cf/b4/39eea50542e50e93876ebc09c4349a9c9eee9f6b9c9d30f88c7dc5433db8/pyproject_api-1.6.1-py3-none-any.whl.metadata\n Downloading pyproject_api-1.6.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting tomli>=2.0.1 (from tox)\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting virtualenv>=20.24.3 (from tox)\n Obtaining dependency information for virtualenv>=20.24.3 from https://files.pythonhosted.org/packages/4e/8b/f0d3a468c0186c603217a6656ea4f49259630e8ed99558501d92f6ff7dc3/virtualenv-20.24.5-py3-none-any.whl.metadata\n Downloading virtualenv-20.24.5-py3-none-any.whl.metadata (4.5 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.24.3->tox)\n Obtaining dependency information for distlib<1,>=0.3.7 from https://files.pythonhosted.org/packages/43/a0/9ba967fdbd55293bacfc1507f58e316f740a3b231fc00e3d86dc39bc185a/distlib-0.3.7-py2.py3-none-any.whl.metadata\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nDownloading tox-4.11.3-py3-none-any.whl (153 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 153.8/153.8 kB 19.6 MB/s eta 0:00:00\nDownloading cachetools-5.3.1-py3-none-any.whl (9.3 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 54.3 MB/s eta 0:00:00\nDownloading filelock-3.12.4-py3-none-any.whl (11 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 18.9 MB/s eta 0:00:00\nDownloading platformdirs-3.11.0-py3-none-any.whl (17 kB)\nDownloading pluggy-1.3.0-py3-none-any.whl (18 kB)\nDownloading pyproject_api-1.6.1-py3-none-any.whl (12 kB)\nDownloading virtualenv-20.24.5-py3-none-any.whl (3.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.7/3.7 MB 101.6 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 83.7 MB/s eta 0:00:00\nInstalling collected packages: distlib, tomli, pluggy, platformdirs, packaging, filelock, colorama, chardet, cachetools, virtualenv, pyproject-api, tox\nSuccessfully installed cachetools-5.3.1 chardet-5.2.0 colorama-0.4.6 distlib-0.3.7 filelock-3.12.4 packaging-23.2 platformdirs-3.11.0 pluggy-1.3.0 pyproject-api-1.6.1 tomli-2.0.1 tox-4.11.3 virtualenv-20.24.5\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3\n[notice] To update, run: pip install --upgrade pip\ntyping: install_deps> python -I -m pip install -ctests/upper-constraints.txt mypy==1.5.1 types-attrs==19.1.0 types-lxml==2023.3.28 types-Pillow==10.0.0.3 types-Pygments==2.16.0.0 types-pyOpenSSL==23.2.0.2 types-setuptools==68.2.0.0 typing-extensions==4.7.1 'w3lib>=2.1.2'\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: freeze> python -m pip freeze --all\n.pkg: pip==23.2.1,setuptools==68.2.0,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\ntyping: install_package_deps> python -I -m pip install -ctests/upper-constraints.txt 'PyDispatcher>=2.0.5; platform_python_implementation == \"CPython\"' 'PyPyDispatcher>=2.1.0; platform_python_implementation == \"PyPy\"' 'Twisted>=18.9.0' 'cryptography>=36.0.0' 'cssselect>=0.9.1' 'itemadapter>=0.1.0' 'itemloaders>=1.0.1' 'lxml>=4.4.1' packaging 'parsel>=1.5.0' 'protego>=0.1.15' 'pyOpenSSL>=21.0.0' 'queuelib>=1.4.2' 'service-identity>=18.1.0' setuptools tldextract 'w3lib>=1.17.0' 'zope.interface>=5.1.0'\ntyping: install_package> python -I -m pip install -ctests/upper-constraints.txt --force-reinstall --no-deps /home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz\ntyping: freeze> python -m pip freeze --all\ntyping: attrs==23.1.0,Automat==22.10.0,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.0,constantly==15.1.0,cryptography==41.0.4,cssselect==1.2.0,filelock==3.12.4,hyperlink==21.0.0,idna==3.4,incremental==22.10.0,itemadapter==0.8.0,itemloaders==1.1.0,jmespath==1.0.1,lxml==4.9.3,mypy==1.5.1,mypy-extensions==1.0.0,packaging==23.2,parsel==1.8.1,pip==23.3,Protego==0.3.0,pyasn1==0.5.0,pyasn1-modules==0.3.0,pycparser==2.21,PyDispatcher==2.0.7,pyOpenSSL==23.2.0,queuelib==1.6.2,requests==2.31.0,requests-file==1.5.1,Scrapy @ file:///home/runner/work/scrapy/scrapy/.tox/.tmp/package/1/Scrapy-2.11.0.tar.gz#sha256=4d445cc983c6a263ec00575a9fe7de7dc03f7e00eedb8629eb85077c420d42e7,service-identity==23.1.0,setuptools==68.2.2,six==1.16.0,tldextract==5.0.1,tomli==2.0.1,Twisted==23.8.0,types-attrs==19.1.0,types-beautifulsoup4==4.12.0.6,types-docutils==0.20.0.3,types-html5lib==1.1.11.15,types-lxml==2023.3.28,types-Pillow==10.0.0.3,types-Pygments==2.16.0.0,types-pyOpenSSL==23.2.0.2,types-setuptools==68.2.0.0,typing_extensions==4.7.1,urllib3==2.0.7,w3lib==2.1.2,wheel==0.41.2,zope.interface==6.1\ntyping: commands[0]> mypy scrapy tests\nscrapy/utils/log.py:244: error: Incompatible return value type (got \"Tuple[Any, Optional[Any], Any]\", expected \"Tuple[int, str, Dict[Any, Any]]\") [return-value]\nFound 1 error in 1 file (checked 338 source files)\ntyping: exit 1 (10.57 seconds) /home/runner/work/scrapy/scrapy> mypy scrapy tests pid=1884\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n typing: FAIL code 1 (31.11=setup[20.53]+cmd[10.57] seconds)\n evaluation failed :( (31.27 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "pre-commit/3_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nDefaulting to user installation because normal site-packages is not writeable\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 KB 3.7 MB/s eta 0:00:00\nCollecting identify>=1.0.0\n Downloading identify-2.5.30-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 KB 20.1 MB/s eta 0:00:00\nRequirement already satisfied: pyyaml>=5.1 in /usr/lib/python3/dist-packages (from pre-commit) (5.4.1)\nCollecting cfgv>=2.0.0\n Downloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nCollecting virtualenv>=20.10.0\n Downloading virtualenv-20.24.5-py3-none-any.whl (3.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.7/3.7 MB 69.0 MB/s eta 0:00:00\nCollecting nodeenv>=0.11.1\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nRequirement already satisfied: setuptools in /usr/lib/python3/dist-packages (from nodeenv>=0.11.1->pre-commit) (59.6.0)\nCollecting filelock<4,>=3.12.2\n Downloading filelock-3.12.4-py3-none-any.whl (11 kB)\nCollecting distlib<1,>=0.3.7\n Downloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 KB 57.0 MB/s eta 0:00:00\nCollecting platformdirs<4,>=3.9.1\n Downloading platformdirs-3.11.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.12.4 identify-2.5.30 nodeenv-1.8.0 platformdirs-3.11.0 pre-commit-3.5.0 virtualenv-20.24.5\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nargcomplete==3.1.2\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.12.4\nidentify==2.5.30\nnodeenv==1.8.0\npackaging==23.2\npipx==1.2.0\nplatformdirs==3.11.0\npre-commit==3.5.0\nuserpath==1.9.1\nvirtualenv==20.24.5\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3||7a8fe885594aed9a90fd5938b4bb49b65732538a44c08aad3d6ea69d9d0cf64c\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\n##[endgroup]\nCache Size: ~33 MB (34938818 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/2e73504e-c13e-4da4-97ff-45c557d92a27/cache.tzst -P -C /home/runner/work/scrapy/scrapy --use-compress-program unzstd\nReceived 34938818 of 34938818 (100.0%), 33.3 MBs/sec\nCache restored successfully\nCache restored from key: pre-commit-3||7a8fe885594aed9a90fd5938b4bb49b65732538a44c08aad3d6ea69d9d0cf64c\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nbandit...................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mscrapy/utils/response.py\u001b[m\u001b[36m:\u001b[m17\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mF401\u001b[m 'scrapy.utils.decorators.deprecated' imported but unused\n\u001b[1mtests/test_downloadermiddleware_stats.py\u001b[m\u001b[36m:\u001b[m12\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mE302\u001b[m expected 2 blank lines, found 1\n\u001b[1mtests/test_utils_response.py\u001b[m\u001b[36m:\u001b[m2\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mF401\u001b[m 'warnings' imported but unused\n\u001b[1mtests/test_utils_response.py\u001b[m\u001b[36m:\u001b[m6\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mF401\u001b[m 'scrapy.exceptions.ScrapyDeprecationWarning' imported but unused\n\nblack....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted tests/test_downloadermiddleware_stats.py\u001b[0m\n\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\n\u001b[34m\u001b[1m1 file \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m345 files \u001b[0mleft unchanged.\n\nisort....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: isort\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\nFixing /home/runner/work/scrapy/scrapy/tests/test_downloadermiddleware_stats.py\n\nblacken-docs.............................................................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/tests/test_downloadermiddleware_stats.py b/tests/test_downloadermiddleware_stats.py\u001b[m\n\u001b[1mindex 766b965..eda5a0a 100644\u001b[m\n\u001b[1m--- a/tests/test_downloadermiddleware_stats.py\u001b[m\n\u001b[1m+++ b/tests/test_downloadermiddleware_stats.py\u001b[m\n\u001b[36m@@ -6,8 +6,9 @@\u001b[m \u001b[mfrom scrapy.downloadermiddlewares.stats import DownloaderStats\u001b[m\n from scrapy.exceptions import ScrapyDeprecationWarning\u001b[m\n from scrapy.http import Request, Response\u001b[m\n from scrapy.spiders import Spider\u001b[m\n\u001b[31m-from scrapy.utils.test import get_crawler\u001b[m\n from scrapy.utils.python import to_bytes\u001b[m\n\u001b[32m+\u001b[m\u001b[32mfrom scrapy.utils.test import get_crawler\u001b[m\n\u001b[32m+\u001b[m\n \u001b[m\n class MyException(Exception):\u001b[m\n pass\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/docs/topics/downloader-middleware.rst b/docs/topics/downloader-middleware.rst\nindex a8e5b23bf..1abbc4968 100644\n--- a/docs/topics/downloader-middleware.rst\n+++ b/docs/topics/downloader-middleware.rst\n@@ -1039,8 +1039,8 @@ RobotsTxtMiddleware\n \n * :ref:`Protego ` (default)\n * :ref:`RobotFileParser `\n- * :ref:`Reppy `\n * :ref:`Robotexclusionrulesparser `\n+ * :ref:`Reppy ` (deprecated)\n \n You can change the robots.txt_ parser with the :setting:`ROBOTSTXT_PARSER`\n setting. Or you can also :ref:`implement support for a new parser `.\n@@ -1133,6 +1133,7 @@ In order to use this parser:\n \n .. warning:: `Upstream issue #122\n `_ prevents reppy usage in Python 3.9+.\n+ Because of this the Reppy parser is deprecated.\n \n * Set :setting:`ROBOTSTXT_PARSER` setting to\n ``scrapy.robotstxt.ReppyRobotParser``\ndiff --git a/scrapy/robotstxt.py b/scrapy/robotstxt.py\nindex 604b5e314..5c5ac4e41 100644\n--- a/scrapy/robotstxt.py\n+++ b/scrapy/robotstxt.py\n@@ -1,7 +1,9 @@\n import logging\n import sys\n from abc import ABCMeta, abstractmethod\n+from warnings import warn\n \n+from scrapy.exceptions import ScrapyDeprecationWarning\n from scrapy.utils.python import to_unicode\n \n logger = logging.getLogger(__name__)\n@@ -79,6 +81,7 @@ class PythonRobotParser(RobotParser):\n \n class ReppyRobotParser(RobotParser):\n def __init__(self, robotstxt_body, spider):\n+ warn(\"ReppyRobotParser is deprecated.\", ScrapyDeprecationWarning, stacklevel=2)\n from reppy.robots import Robots\n \n self.spider = spider\ndiff --git a/scrapy/utils/log.py b/scrapy/utils/log.py\nindex 276c62a87..fdea46a3d 100644\n--- a/scrapy/utils/log.py\n+++ b/scrapy/utils/log.py\n@@ -235,8 +235,15 @@ def logformatter_adapter(logkws: dict) -> Tuple[int, str, dict]:\n if not {\"level\", \"msg\", \"args\"} <= set(logkws):\n warnings.warn(\"Missing keys in LogFormatter method\", ScrapyDeprecationWarning)\n \n+ if \"format\" in logkws:\n+ warnings.warn(\n+ \"`format` key in LogFormatter methods has been \"\n+ \"deprecated, use `msg` instead\",\n+ ScrapyDeprecationWarning,\n+ )\n+\n level = logkws.get(\"level\", logging.INFO)\n- message = logkws.get(\"msg\")\n+ message = logkws.get(\"format\", logkws.get(\"msg\"))\n # NOTE: This also handles 'args' being an empty dict, that case doesn't\n # play well in logger.log calls\n args = logkws if not logkws.get(\"args\") else logkws[\"args\"]\ndiff --git a/scrapy/utils/response.py b/scrapy/utils/response.py\nindex be51b0bee..c540d6278 100644\n--- a/scrapy/utils/response.py\n+++ b/scrapy/utils/response.py\n@@ -55,6 +55,25 @@ def response_status_message(status: Union[bytes, float, int, str]) -> str:\n return f\"{status_int} {to_unicode(message)}\"\n \n \n+@deprecated\n+def response_httprepr(response: Response) -> bytes:\n+ \"\"\"Return raw HTTP representation (as bytes) of the given response. This\n+ is provided only for reference, since it's not the exact stream of bytes\n+ that was received (that's not exposed by Twisted).\n+ \"\"\"\n+ values = [\n+ b\"HTTP/1.1 \",\n+ to_bytes(str(response.status)),\n+ b\" \",\n+ to_bytes(http.RESPONSES.get(response.status, b\"\")),\n+ b\"\\r\\n\",\n+ ]\n+ if response.headers:\n+ values.extend([response.headers.to_string(), b\"\\r\\n\"])\n+ values.extend([b\"\\r\\n\", response.body])\n+ return b\"\".join(values)\n+\n+\n def open_in_browser(\n response: Union[\n \"scrapy.http.response.html.HtmlResponse\",\ndiff --git a/tests/test_downloadermiddleware_stats.py b/tests/test_downloadermiddleware_stats.py\nindex 766b96521..39dfe9ab5 100644\n--- a/tests/test_downloadermiddleware_stats.py\n+++ b/tests/test_downloadermiddleware_stats.py\n@@ -6,8 +6,9 @@ from scrapy.downloadermiddlewares.stats import DownloaderStats\n from scrapy.exceptions import ScrapyDeprecationWarning\n from scrapy.http import Request, Response\n from scrapy.spiders import Spider\n+from scrapy.utils.response import response_httprepr\n from scrapy.utils.test import get_crawler\n-from scrapy.utils.python import to_bytes\n+\n \n class MyException(Exception):\n pass\n@@ -55,7 +56,7 @@ class TestDownloaderStats(TestCase):\n self.mw.process_response(self.req, test_response, self.spider)\n with warnings.catch_warnings():\n warnings.simplefilter(\"ignore\", ScrapyDeprecationWarning)\n- resp_size = to_bytes(test_response)\n+ resp_size = len(response_httprepr(test_response))\n self.assertStatsEqual(\"downloader/response_bytes\", resp_size)\n \n def test_process_exception(self):\ndiff --git a/tests/test_utils_response.py b/tests/test_utils_response.py\nindex d45358d9a..80e15a60f 100644\n--- a/tests/test_utils_response.py\n+++ b/tests/test_utils_response.py\n@@ -10,6 +10,7 @@ from scrapy.utils.response import (\n get_base_url,\n get_meta_refresh,\n open_in_browser,\n+ response_httprepr,\n response_status_message,\n )\n \n@@ -19,6 +20,35 @@ __doctests__ = [\"scrapy.utils.response\"]\n class ResponseUtilsTest(unittest.TestCase):\n dummy_response = TextResponse(url=\"http://example.org/\", body=b\"dummy_response\")\n \n+ def test_response_httprepr(self):\n+ with warnings.catch_warnings():\n+ warnings.simplefilter(\"ignore\", ScrapyDeprecationWarning)\n+\n+ r1 = Response(\"http://www.example.com\")\n+ self.assertEqual(response_httprepr(r1), b\"HTTP/1.1 200 OK\\r\\n\\r\\n\")\n+\n+ r1 = Response(\n+ \"http://www.example.com\",\n+ status=404,\n+ headers={\"Content-type\": \"text/html\"},\n+ body=b\"Some body\",\n+ )\n+ self.assertEqual(\n+ response_httprepr(r1),\n+ b\"HTTP/1.1 404 Not Found\\r\\nContent-Type: text/html\\r\\n\\r\\nSome body\",\n+ )\n+\n+ r1 = Response(\n+ \"http://www.example.com\",\n+ status=6666,\n+ headers={\"Content-type\": \"text/html\"},\n+ body=b\"Some body\",\n+ )\n+ self.assertEqual(\n+ response_httprepr(r1),\n+ b\"HTTP/1.1 6666 \\r\\nContent-Type: text/html\\r\\n\\r\\nSome body\",\n+ )\n+\n def test_open_in_browser(self):\n url = \"http:///www.example.com/some/page.html\"\n body = b\" test page test body \"\n", "difficulty": 1, "changed_files": ["docs/topics/downloader-middleware.rst", "scrapy/robotstxt.py", "scrapy/utils/log.py", "scrapy/utils/response.py", "tests/test_downloadermiddleware_stats.py", "tests/test_utils_response.py"], "commit_link": "https://github.com/scrapy/scrapy/tree/cc2ad923f94d2f5485c20f594db56e2540024ae0"} \ No newline at end of file diff --git a/data/python/cced5b5.json b/data/python/cced5b5.json new file mode 100644 index 0000000000000000000000000000000000000000..e119801ed31e7cf0a104bba28c10a02050d88185 --- /dev/null +++ b/data/python/cced5b5.json @@ -0,0 +1 @@ +{"language": "Python", "id": 9, "repo_owner": "skypilot-org", "repo_name": "skypilot", "head_branch": "master", "workflow_name": "format", "workflow_filename": "format.yml", "workflow_path": ".github/workflows/format.yml", "contributor": "jackyk02", "sha_fail": "cced5b5d68a3fe1a02d8ac1186e9d12b6c75dc8d", "sha_success": "b639adb71066410b3b12d97a674ee7fcb51e9980", "workflow": "name: format\n\non:\n # Trigger the workflow on push or pull request,\n # but only for the main branch\n push:\n branches:\n - master\n - 'releases/**'\n pull_request:\n branches:\n - master\n - 'releases/**'\njobs:\n format:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\"]\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install yapf==0.32.0\n pip install toml==0.10.2\n pip install black==22.10.0\n pip install isort==5.12.0\n - name: Running yapf\n run: |\n yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n --exclude 'sky/skylet/providers/aws/**' \\\n --exclude 'sky/skylet/providers/gcp/**' \\\n --exclude 'sky/skylet/providers/azure/**' \\\n --exclude 'sky/skylet/providers/ibm/**'\n - name: Running black\n run: |\n black --diff --check sky/skylet/providers/aws/ \\\n sky/skylet/providers/gcp/ \\\n sky/skylet/providers/azure/ \\\n sky/skylet/providers/ibm/\n - name: Running isort for black formatted files\n run: |\n isort --diff --check --profile black -l 88 -m 3 \\\n sky/skylet/providers/ibm/\n - name: Running isort for yapf formatted files\n run: |\n isort --diff --check ./ --sg 'sky/skylet/ray_patches/**' \\\n --sg 'sky/skylet/providers/aws/**' \\\n --sg 'sky/skylet/providers/gcp/**' \\\n --sg 'sky/skylet/providers/azure/**' \\\n --sg 'sky/skylet/providers/ibm/**'\n", "logs": [{"step_name": "format (3.8)/5_Running yapf.txt", "log": "##[group]Run yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n\u001b[36;1myapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/aws/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/gcp/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/azure/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/ibm/**'\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--- ./sky/resources.py\t(original)\n+++ ./sky/resources.py\t(reformatted)\n@@ -152,8 +152,7 @@\n if round(disk_size) != disk_size:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"OS disk size must be an integer. Got: {disk_size}.\"\n- )\n+ f\"OS disk size must be an integer. Got: {disk_size}.\")\n self._disk_size = int(disk_size)\n else:\n self._disk_size = _DEFAULT_DISK_SIZE_GB\n@@ -167,7 +166,9 @@\n if None in image_id:\n self._image_id = {self._region: image_id[None].strip()}\n else:\n- self._image_id = {k.strip(): v.strip() for k, v in image_id.items()}\n+ self._image_id = {\n+ k.strip(): v.strip() for k, v in image_id.items()\n+ }\n self._is_image_managed = _is_image_managed\n \n self._disk_tier = disk_tier\n@@ -177,7 +178,8 @@\n ports = list(ports)\n if not isinstance(ports, list):\n ports = [ports]\n- ports = resources_utils.simplify_ports([str(port) for port in ports])\n+ ports = resources_utils.simplify_ports(\n+ [str(port) for port in ports])\n if not ports:\n # Set to None if empty. This is mainly for resources from\n # cli, which will comes in as an empty tuple.\n@@ -280,8 +282,7 @@\n hardware_str = (\n f\"{instance_type}{use_spot}\"\n f\"{cpus}{memory}{accelerators}{accelerator_args}{image_id}\"\n- f\"{disk_tier}{disk_size}{ports}\"\n- )\n+ f\"{disk_tier}{disk_size}{ports}\")\n # It may have leading ',' (for example, instance_type not set) or empty\n # spaces. Remove them.\n while hardware_str and hardware_str[0] in (\",\", \" \"):\n@@ -363,7 +364,8 @@\n if self._accelerators is not None:\n return self._accelerators\n if self.cloud is not None and self._instance_type is not None:\n- return self.cloud.get_accelerators_from_instance_type(self._instance_type)\n+ return self.cloud.get_accelerators_from_instance_type(\n+ self._instance_type)\n return None\n \n @property\n@@ -423,16 +425,14 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f'The \"cpus\" field should be either a number or '\n- f'a string \"+\". Found: {cpus!r}'\n- ) from None\n+ f'a string \"+\". Found: {cpus!r}') from None\n else:\n num_cpus = float(cpus)\n \n if num_cpus <= 0:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f'The \"cpus\" field should be positive. Found: {cpus!r}'\n- )\n+ f'The \"cpus\" field should be positive. Found: {cpus!r}')\n \n def _set_memory(\n self,\n@@ -455,16 +455,14 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f'The \"memory\" field should be either a number or '\n- f'a string \"+\". Found: {memory!r}'\n- ) from None\n+ f'a string \"+\". Found: {memory!r}') from None\n else:\n memory_gb = float(memory)\n \n if memory_gb <= 0:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f'The \"cpus\" field should be positive. Found: {memory!r}'\n- )\n+ f'The \"cpus\" field should be positive. Found: {memory!r}')\n \n def _set_accelerators(\n self,\n@@ -483,11 +481,9 @@\n accelerators = {accelerators: 1}\n else:\n splits = accelerators.split(\":\")\n- parse_error = (\n- 'The \"accelerators\" field as a str '\n- \"should be or :. \"\n- f\"Found: {accelerators!r}\"\n- )\n+ parse_error = ('The \"accelerators\" field as a str '\n+ \"should be or :. \"\n+ f\"Found: {accelerators!r}\")\n if len(splits) != 2:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(parse_error)\n@@ -507,15 +503,16 @@\n \n # Canonicalize the accelerator names.\n accelerators = {\n- accelerator_registry.canonicalize_accelerator_name(acc): acc_count\n- for acc, acc_count in accelerators.items()\n+ accelerator_registry.canonicalize_accelerator_name(acc):\n+ acc_count for acc, acc_count in accelerators.items()\n }\n \n acc, _ = list(accelerators.items())[0]\n if \"tpu\" in acc.lower():\n if self.cloud is None:\n self._cloud = clouds.GCP()\n- assert self.cloud.is_same_cloud(clouds.GCP()), \"Cloud must be GCP.\"\n+ assert self.cloud.is_same_cloud(\n+ clouds.GCP()), \"Cloud must be GCP.\"\n if accelerator_args is None:\n accelerator_args = {}\n use_tpu_vm = accelerator_args.get(\"tpu_vm\", False)\n@@ -526,8 +523,7 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n \"Cannot specify instance type\"\n- f' (got \"{self.instance_type}\") for TPU VM.'\n- )\n+ f' (got \"{self.instance_type}\") for TPU VM.')\n if \"runtime_version\" not in accelerator_args:\n if use_tpu_vm:\n accelerator_args[\"runtime_version\"] = \"tpu-vm-base\"\n@@ -535,8 +531,7 @@\n accelerator_args[\"runtime_version\"] = \"2.12.0\"\n logger.info(\n \"Missing runtime_version in accelerator_args, using\"\n- f' default ({accelerator_args[\"runtime_version\"]})'\n- )\n+ f' default ({accelerator_args[\"runtime_version\"]})')\n \n self._accelerators = accelerators\n self._accelerator_args = accelerator_args\n@@ -549,9 +544,8 @@\n assert self.is_launchable(), self\n return self.cloud.need_cleanup_after_preemption(self)\n \n- def _validate_and_set_region_zone(\n- self, region: Optional[str], zone: Optional[str]\n- ) -> None:\n+ def _validate_and_set_region_zone(self, region: Optional[str],\n+ zone: Optional[str]) -> None:\n if region is None and zone is None:\n return\n \n@@ -582,30 +576,28 @@\n table = log_utils.create_table([\"Cloud\", \"Hint\"])\n table.add_row([\"-----\", \"----\"])\n for cloud, error in cloud_to_errors.items():\n- reason_str = \"\\n\".join(textwrap.wrap(str(error), 80))\n+ reason_str = \"\\n\".join(textwrap.wrap(\n+ str(error), 80))\n table.add_row([str(cloud), reason_str])\n hint = table.get_string()\n raise ValueError(\n f\"Invalid (region {region!r}, zone {zone!r}) \"\n- f\"{cloud_str}. Details:\\n{hint}\"\n- )\n+ f\"{cloud_str}. Details:\\n{hint}\")\n elif len(valid_clouds) > 1:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"Cannot infer cloud from (region {region!r}, zone \"\n f\"{zone!r}). Multiple enabled clouds have region/zone \"\n f\"of the same names: {valid_clouds}. \"\n- f\"To fix: explicitly specify `cloud`.\"\n- )\n- logger.debug(\n- f\"Cloud is not specified, using {valid_clouds[0]} \"\n- f\"inferred from region {region!r} and zone {zone!r}\"\n- )\n+ f\"To fix: explicitly specify `cloud`.\")\n+ logger.debug(f\"Cloud is not specified, using {valid_clouds[0]} \"\n+ f\"inferred from region {region!r} and zone {zone!r}\")\n self._cloud = valid_clouds[0]\n \n # Validate if region and zone exist in the catalog, and set the region\n # if zone is specified.\n- self._region, self._zone = self._cloud.validate_region_zone(region, zone)\n+ self._region, self._zone = self._cloud.validate_region_zone(\n+ region, zone)\n \n def get_valid_regions_for_launchable(self) -> List[clouds.Region]:\n \"\"\"Returns a set of `Region`s that can provision this Resources.\n@@ -630,12 +622,9 @@\n \n # Filter the regions by the skypilot_config\n ssh_proxy_command_config = skypilot_config.get_nested(\n- (str(self._cloud).lower(), \"ssh_proxy_command\"), None\n- )\n- if (\n- isinstance(ssh_proxy_command_config, str)\n- or ssh_proxy_command_config is None\n- ):\n+ (str(self._cloud).lower(), \"ssh_proxy_command\"), None)\n+ if (isinstance(ssh_proxy_command_config, str) or\n+ ssh_proxy_command_config is None):\n # All regions are valid as the regions are not specified for the\n # ssh_proxy_command config.\n return regions\n@@ -659,8 +648,7 @@\n logger.warning(\n f\"{yellow}Request {self} cannot be satisfied by any feasible \"\n \"region. To fix, check that ssh_proxy_command's region keys \"\n- f\"include the regions to use.{reset}\"\n- )\n+ f\"include the regions to use.{reset}\")\n \n return filtered_regions\n \n@@ -675,8 +663,7 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"Invalid instance type {self._instance_type!r} \"\n- f\"for cloud {self.cloud}.\"\n- )\n+ f\"for cloud {self.cloud}.\")\n else:\n # If cloud not specified\n valid_clouds = []\n@@ -692,8 +679,7 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"Invalid instance type {self._instance_type!r} \"\n- f\"{cloud_str}.\"\n- )\n+ f\"{cloud_str}.\")\n if len(valid_clouds) > 1:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n@@ -702,8 +688,7 @@\n )\n logger.debug(\n f\"Cloud is not specified, using {valid_clouds[0]} \"\n- f\"inferred from the instance_type {self.instance_type!r}.\"\n- )\n+ f\"inferred from the instance_type {self.instance_type!r}.\")\n self._cloud = valid_clouds[0]\n \n def _try_validate_cpus_mem(self) -> None:\n@@ -715,7 +700,8 @@\n # The _try_validate_instance_type() method infers and sets\n # self.cloud if self.instance_type is not None.\n assert self.cloud is not None\n- cpus, mem = self.cloud.get_vcpus_mem_from_instance_type(self.instance_type)\n+ cpus, mem = self.cloud.get_vcpus_mem_from_instance_type(\n+ self.instance_type)\n if self.cpus is not None:\n if self.cpus.endswith(\"+\"):\n if cpus < float(self.cpus[:-1]):\n@@ -723,15 +709,13 @@\n raise ValueError(\n f\"{self.instance_type} does not have enough \"\n f\"vCPUs. {self.instance_type} has {cpus} \"\n- f\"vCPUs, but {self.cpus} is requested.\"\n- )\n+ f\"vCPUs, but {self.cpus} is requested.\")\n elif cpus != float(self.cpus):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"{self.instance_type} does not have the requested \"\n f\"number of vCPUs. {self.instance_type} has {cpus} \"\n- f\"vCPUs, but {self.cpus} is requested.\"\n- )\n+ f\"vCPUs, but {self.cpus} is requested.\")\n if self.memory is not None:\n if self.memory.endswith(\"+\"):\n if mem < float(self.memory[:-1]):\n@@ -739,15 +723,13 @@\n raise ValueError(\n f\"{self.instance_type} does not have enough \"\n f\"memory. {self.instance_type} has {mem} GB \"\n- f\"memory, but {self.memory} is requested.\"\n- )\n+ f\"memory, but {self.memory} is requested.\")\n elif mem != float(self.memory):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"{self.instance_type} does not have the requested \"\n f\"memory. {self.instance_type} has {mem} GB \"\n- f\"memory, but {self.memory} is requested.\"\n- )\n+ f\"memory, but {self.memory} is requested.\")\n \n def _try_validate_spot(self) -> None:\n if self._spot_recovery is None:\n@@ -762,31 +744,26 @@\n raise ValueError(\n f\"Spot recovery strategy {self._spot_recovery} \"\n \"is not supported. The strategy should be among \"\n- f\"{list(spot.SPOT_STRATEGIES.keys())}\"\n- )\n+ f\"{list(spot.SPOT_STRATEGIES.keys())}\")\n \n def _try_validate_local(self) -> None:\n if isinstance(self._cloud, clouds.Local):\n if self._use_spot:\n with ux_utils.print_exception_no_traceback():\n- raise ValueError(\n- \"Local/On-prem mode does not support spot \" \"instances.\"\n- )\n+ raise ValueError(\"Local/On-prem mode does not support spot \"\n+ \"instances.\")\n local_instance = clouds.Local.get_default_instance_type()\n- if (\n- self._instance_type is not None\n- and self._instance_type != local_instance\n- ):\n+ if (self._instance_type is not None and\n+ self._instance_type != local_instance):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n \"Local/On-prem mode does not support instance type:\"\n- f\" {self._instance_type}.\"\n- )\n+ f\" {self._instance_type}.\")\n if self._image_id is not None:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Local/On-prem mode does not support custom \" \"images.\"\n- )\n+ \"Local/On-prem mode does not support custom \"\n+ \"images.\")\n \n def extract_docker_image(self) -> Optional[str]:\n if self.image_id is None:\n@@ -794,7 +771,7 @@\n if len(self.image_id) == 1 and self.region in self.image_id:\n image_id = self.image_id[self.region]\n if image_id.startswith(\"docker:\"):\n- return image_id[len(\"docker:\") :]\n+ return image_id[len(\"docker:\"):]\n return None\n \n def _try_validate_image_id(self) -> None:\n@@ -808,63 +785,53 @@\n if acc.lower().startswith(\"tpu\"):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Docker image is not supported for TPU VM.\"\n- )\n+ \"Docker image is not supported for TPU VM.\")\n if self.cloud is not None:\n self.cloud.check_features_are_supported(\n- {clouds.CloudImplementationFeatures.DOCKER_IMAGE}\n- )\n+ {clouds.CloudImplementationFeatures.DOCKER_IMAGE})\n return\n \n if self.cloud is None:\n with ux_utils.print_exception_no_traceback():\n- raise ValueError(\"Cloud must be specified when image_id is provided.\")\n+ raise ValueError(\n+ \"Cloud must be specified when image_id is provided.\")\n \n # Apr, 2023 by Hysun(hysun.he@oracle.com): Added support for OCI\n- if (\n- not self._cloud.is_same_cloud(clouds.AWS())\n- and not self._cloud.is_same_cloud(clouds.GCP())\n- and not self._cloud.is_same_cloud(clouds.IBM())\n- and not self._cloud.is_same_cloud(clouds.OCI())\n- ):\n+ if (not self._cloud.is_same_cloud(clouds.AWS()) and\n+ not self._cloud.is_same_cloud(clouds.GCP()) and\n+ not self._cloud.is_same_cloud(clouds.IBM()) and\n+ not self._cloud.is_same_cloud(clouds.OCI())):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n \"image_id is only supported for AWS/GCP/IBM/OCI, please \"\n- \"explicitly specify the cloud.\"\n- )\n+ \"explicitly specify the cloud.\")\n \n if self._region is not None:\n if self._region not in self._image_id:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"image_id {self._image_id} should contain the image \"\n- f\"for the specified region {self._region}.\"\n- )\n+ f\"for the specified region {self._region}.\")\n # Narrow down the image_id to the specified region.\n self._image_id = {self._region: self._image_id[self._region]}\n \n # Check the image_id's are valid.\n for region, image_id in self._image_id.items():\n- if image_id.startswith(\"skypilot:\") and not self._cloud.is_image_tag_valid(\n- image_id, region\n- ):\n+ if image_id.startswith(\n+ \"skypilot:\") and not self._cloud.is_image_tag_valid(\n+ image_id, region):\n region_str = f\" ({region})\" if region else \"\"\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"Image tag {image_id!r} is not valid, please make sure\"\n- f\" the tag exists in {self._cloud}{region_str}.\"\n- )\n-\n- if (\n- self._cloud.is_same_cloud(clouds.AWS())\n- and not image_id.startswith(\"skypilot:\")\n- and region is None\n- ):\n+ f\" the tag exists in {self._cloud}{region_str}.\")\n+\n+ if (self._cloud.is_same_cloud(clouds.AWS()) and\n+ not image_id.startswith(\"skypilot:\") and region is None):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n \"image_id is only supported for AWS in a specific \"\n- \"region, please explicitly specify the region.\"\n- )\n+ \"region, please explicitly specify the region.\")\n \n # Validate the image exists and the size is smaller than the disk size.\n for region, image_id in self._image_id.items():\n@@ -873,9 +840,8 @@\n image_size = self.cloud.get_image_size(image_id, region)\n if image_size >= self.disk_size:\n with ux_utils.print_exception_no_traceback():\n- size_comparison = (\n- \"larger\" if image_size > self.disk_size else \"equal\"\n- )\n+ size_comparison = (\"larger\" if image_size > self.disk_size\n+ else \"equal\")\n raise ValueError(\n f\"Image {image_id!r} is {image_size}GB, which is \"\n f\"{size_comparison} than the specified disk_size: {self.disk_size}\"\n@@ -889,25 +855,25 @@\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f\"Invalid disk_tier {self.disk_tier}. \"\n- 'Please use one of \"high\", \"medium\", or \"low\".'\n- )\n+ 'Please use one of \"high\", \"medium\", or \"low\".')\n if self.instance_type is None:\n return\n if self.cloud is not None:\n- self.cloud.check_disk_tier_enabled(self.instance_type, self.disk_tier)\n+ self.cloud.check_disk_tier_enabled(self.instance_type,\n+ self.disk_tier)\n \n def _try_validate_ports(self) -> None:\n if self.ports is None:\n return\n- if skypilot_config.get_nested((\"aws\", \"security_group_name\"), None) is not None:\n+ if skypilot_config.get_nested((\"aws\", \"security_group_name\"),\n+ None) is not None:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Cannot specify ports when AWS security group name is \" \"specified.\"\n- )\n+ \"Cannot specify ports when AWS security group name is \"\n+ \"specified.\")\n if self.cloud is not None:\n self.cloud.check_features_are_supported(\n- {clouds.CloudImplementationFeatures.OPEN_PORTS}\n- )\n+ {clouds.CloudImplementationFeatures.OPEN_PORTS})\n # We don't need to check the ports format since we already done it\n # in resources_utils.simplify_ports\n \n@@ -916,13 +882,11 @@\n hours = seconds / 3600\n # Instance.\n hourly_cost = self.cloud.instance_type_to_hourly_cost(\n- self._instance_type, self.use_spot, self._region, self._zone\n- )\n+ self._instance_type, self.use_spot, self._region, self._zone)\n # Accelerators (if any).\n if self.accelerators is not None:\n hourly_cost += self.cloud.accelerators_to_hourly_cost(\n- self.accelerators, self.use_spot, self._region, self._zone\n- )\n+ self.accelerators, self.use_spot, self._region, self._zone)\n return hourly_cost * hours\n \n def make_deploy_variables(\n@@ -939,8 +903,7 @@\n variables are generated by this method.\n \"\"\"\n cloud_specific_variables = self.cloud.make_deploy_resources_variables(\n- self, cluster_name_on_cloud, region, zones\n- )\n+ self, cluster_name_on_cloud, region, zones)\n docker_image = self.extract_docker_image()\n return dict(\n cloud_specific_variables,\n@@ -951,7 +914,8 @@\n \"docker_image\": docker_image,\n # Docker container name. The name of the container. Default to\n # `sky_container`.\n- \"docker_container_name\": constants.DEFAULT_DOCKER_CONTAINER_NAME,\n+ \"docker_container_name\":\n+ constants.DEFAULT_DOCKER_CONTAINER_NAME,\n # Docker login config (if any). This helps pull the image from\n # private registries.\n \"docker_login_config\": self._docker_login_config,\n@@ -959,8 +923,7 @@\n )\n \n def get_reservations_available_resources(\n- self, specific_reservations: Set[str]\n- ) -> Dict[str, int]:\n+ self, specific_reservations: Set[str]) -> Dict[str, int]:\n \"\"\"Returns the number of available reservation resources.\"\"\"\n if self.use_spot:\n # GCP's & AWS's reservations do not support spot instances. We\n@@ -968,8 +931,8 @@\n # to each cloud if any cloud supports reservations for spot.\n return {}\n return self.cloud.get_reservations_available_resources(\n- self._instance_type, self._region, self._zone, specific_reservations\n- )\n+ self._instance_type, self._region, self._zone,\n+ specific_reservations)\n \n def less_demanding_than(\n self,\n@@ -1009,17 +972,15 @@\n if not self.image_id.items() <= other.image_id.items():\n return False\n else:\n- this_image = self.image_id.get(other.region) or self.image_id.get(None)\n- other_image = other.image_id.get(other.region) or other.image_id.get(\n- None\n- )\n+ this_image = self.image_id.get(\n+ other.region) or self.image_id.get(None)\n+ other_image = other.image_id.get(\n+ other.region) or other.image_id.get(None)\n if this_image != other_image:\n return False\n \n- if (\n- self._instance_type is not None\n- and self._instance_type != other.instance_type\n- ):\n+ if (self._instance_type is not None and\n+ self._instance_type != other.instance_type):\n return False\n # self._instance_type <= other.instance_type\n \n@@ -1034,10 +995,8 @@\n return False\n # self.accelerators <= other.accelerators\n \n- if (\n- self.accelerator_args is not None\n- and self.accelerator_args != other.accelerator_args\n- ):\n+ if (self.accelerator_args is not None and\n+ self.accelerator_args != other.accelerator_args):\n return False\n # self.accelerator_args == other.accelerator_args\n \n@@ -1049,7 +1008,8 @@\n return False\n if self.disk_tier != other.disk_tier:\n types = [\"low\", \"medium\", \"high\"]\n- return types.index(self.disk_tier) < types.index(other.disk_tier)\n+ return types.index(self.disk_tier) < types.index(\n+ other.disk_tier)\n \n if check_ports:\n if self.ports is not None:\n@@ -1070,42 +1030,37 @@\n for that field.\n \"\"\"\n is_matched = True\n- if blocked.cloud is not None and not self.cloud.is_same_cloud(blocked.cloud):\n+ if blocked.cloud is not None and not self.cloud.is_same_cloud(\n+ blocked.cloud):\n is_matched = False\n- if (\n- blocked.instance_type is not None\n- and self.instance_type != blocked.instance_type\n- ):\n+ if (blocked.instance_type is not None and\n+ self.instance_type != blocked.instance_type):\n is_matched = False\n if blocked.region is not None and self._region != blocked.region:\n is_matched = False\n if blocked.zone is not None and self._zone != blocked.zone:\n is_matched = False\n- if (\n- blocked.accelerators is not None\n- and self.accelerators != blocked.accelerators\n- ):\n+ if (blocked.accelerators is not None and\n+ self.accelerators != blocked.accelerators):\n is_matched = False\n return is_matched\n \n def is_empty(self) -> bool:\n \"\"\"Is this Resources an empty request (all fields None)?\"\"\"\n- return all(\n- [\n- self.cloud is None,\n- self._instance_type is None,\n- self.cpus is None,\n- self.memory is None,\n- self.accelerators is None,\n- self.accelerator_args is None,\n- not self._use_spot_specified,\n- self.disk_size == _DEFAULT_DISK_SIZE_GB,\n- self.disk_tier is None,\n- self._image_id is None,\n- self.ports is None,\n- self._docker_login_config is None,\n- ]\n- )\n+ return all([\n+ self.cloud is None,\n+ self._instance_type is None,\n+ self.cpus is None,\n+ self.memory is None,\n+ self.accelerators is None,\n+ self.accelerator_args is None,\n+ not self._use_spot_specified,\n+ self.disk_size == _DEFAULT_DISK_SIZE_GB,\n+ self.disk_tier is None,\n+ self._image_id is None,\n+ self.ports is None,\n+ self._docker_login_config is None,\n+ ])\n \n def copy(self, **override) -> \"Resources\":\n \"\"\"Returns a copy of the given Resources.\"\"\"\n@@ -1116,7 +1071,8 @@\n cpus=override.pop(\"cpus\", self.cpus),\n memory=override.pop(\"memory\", self.memory),\n accelerators=override.pop(\"accelerators\", self.accelerators),\n- accelerator_args=override.pop(\"accelerator_args\", self.accelerator_args),\n+ accelerator_args=override.pop(\"accelerator_args\",\n+ self.accelerator_args),\n use_spot=override.pop(\"use_spot\", use_spot),\n spot_recovery=override.pop(\"spot_recovery\", self.spot_recovery),\n disk_size=override.pop(\"disk_size\", self.disk_size),\n@@ -1125,10 +1081,10 @@\n image_id=override.pop(\"image_id\", self.image_id),\n disk_tier=override.pop(\"disk_tier\", self.disk_tier),\n ports=override.pop(\"ports\", self.ports),\n- _docker_login_config=override.pop(\n- \"_docker_login_config\", self._docker_login_config\n- ),\n- _is_image_managed=override.pop(\"_is_image_managed\", self._is_image_managed),\n+ _docker_login_config=override.pop(\"_docker_login_config\",\n+ self._docker_login_config),\n+ _is_image_managed=override.pop(\"_is_image_managed\",\n+ self._is_image_managed),\n )\n assert len(override) == 0\n return resources\n@@ -1144,7 +1100,8 @@\n return False\n return True\n \n- def get_required_cloud_features(self) -> Set[clouds.CloudImplementationFeatures]:\n+ def get_required_cloud_features(\n+ self) -> Set[clouds.CloudImplementationFeatures]:\n \"\"\"Returns the set of cloud features required by this Resources.\"\"\"\n features = set()\n if self.use_spot:\n@@ -1162,19 +1119,18 @@\n if config is None:\n return Resources()\n \n- common_utils.validate_schema(\n- config, schemas.get_resources_schema(), \"Invalid resources YAML: \"\n- )\n+ common_utils.validate_schema(config, schemas.get_resources_schema(),\n+ \"Invalid resources YAML: \")\n \n resources_fields = {}\n resources_fields[\"cloud\"] = clouds.CLOUD_REGISTRY.from_str(\n- config.pop(\"cloud\", None)\n- )\n+ config.pop(\"cloud\", None))\n resources_fields[\"instance_type\"] = config.pop(\"instance_type\", None)\n resources_fields[\"cpus\"] = config.pop(\"cpus\", None)\n resources_fields[\"memory\"] = config.pop(\"memory\", None)\n resources_fields[\"accelerators\"] = config.pop(\"accelerators\", None)\n- resources_fields[\"accelerator_args\"] = config.pop(\"accelerator_args\", None)\n+ resources_fields[\"accelerator_args\"] = config.pop(\n+ \"accelerator_args\", None)\n resources_fields[\"use_spot\"] = config.pop(\"use_spot\", None)\n resources_fields[\"spot_recovery\"] = config.pop(\"spot_recovery\", None)\n resources_fields[\"disk_size\"] = config.pop(\"disk_size\", None)\n@@ -1184,9 +1140,9 @@\n resources_fields[\"disk_tier\"] = config.pop(\"disk_tier\", None)\n resources_fields[\"ports\"] = config.pop(\"ports\", None)\n resources_fields[\"_docker_login_config\"] = config.pop(\n- \"_docker_login_config\", None\n- )\n- resources_fields[\"_is_image_managed\"] = config.pop(\"_is_image_managed\", None)\n+ \"_docker_login_config\", None)\n+ resources_fields[\"_is_image_managed\"] = config.pop(\n+ \"_is_image_managed\", None)\n \n if resources_fields[\"cpus\"] is not None:\n resources_fields[\"cpus\"] = str(resources_fields[\"cpus\"])\n@@ -1194,8 +1150,7 @@\n resources_fields[\"memory\"] = str(resources_fields[\"memory\"])\n if resources_fields[\"accelerator_args\"] is not None:\n resources_fields[\"accelerator_args\"] = dict(\n- resources_fields[\"accelerator_args\"]\n- )\n+ resources_fields[\"accelerator_args\"])\n if resources_fields[\"disk_size\"] is not None:\n resources_fields[\"disk_size\"] = int(resources_fields[\"disk_size\"])\n \n@@ -1273,8 +1228,8 @@\n accelerators = state.pop(\"_accelerators\", None)\n if accelerators is not None:\n accelerators = {\n- accelerator_registry.canonicalize_accelerator_name(acc): acc_count\n- for acc, acc_count in accelerators.items()\n+ accelerator_registry.canonicalize_accelerator_name(acc):\n+ acc_count for acc, acc_count in accelerators.items()\n }\n state[\"_accelerators\"] = accelerators\n \n@@ -1304,7 +1259,6 @@\n original_ports = state.get(\"_ports\", None)\n if original_ports is not None:\n state[\"_ports\"] = resources_utils.simplify_ports(\n- [str(port) for port in original_ports]\n- )\n+ [str(port) for port in original_ports])\n \n self.__dict__.update(state)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/sky/resources.py b/sky/resources.py\nindex ef8e888b..2f7aebce 100644\n--- a/sky/resources.py\n+++ b/sky/resources.py\n@@ -42,7 +42,6 @@ class Resources:\n * for provisioning on a cloud\n \n \"\"\"\n-\n # If any fields changed, increment the version. For backward compatibility,\n # modify the __setstate__ method to handle the old version.\n _VERSION = 13\n@@ -61,7 +60,7 @@ class Resources:\n zone: Optional[str] = None,\n image_id: Union[Dict[str, str], str, None] = None,\n disk_size: Optional[int] = None,\n- disk_tier: Optional[Literal[\"high\", \"medium\", \"low\"]] = None,\n+ disk_tier: Optional[Literal['high', 'medium', 'low']] = None,\n ports: Optional[Union[int, str, List[str], Tuple[str]]] = None,\n # Internal use only.\n _docker_login_config: Optional[docker_utils.DockerLoginConfig] = None,\n@@ -145,15 +144,14 @@ class Resources:\n self._use_spot = use_spot if use_spot is not None else False\n self._spot_recovery = None\n if spot_recovery is not None:\n- if spot_recovery.strip().lower() != \"none\":\n+ if spot_recovery.strip().lower() != 'none':\n self._spot_recovery = spot_recovery.upper()\n \n if disk_size is not None:\n if round(disk_size) != disk_size:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"OS disk size must be an integer. Got: {disk_size}.\"\n- )\n+ f'OS disk size must be an integer. Got: {disk_size}.')\n self._disk_size = int(disk_size)\n else:\n self._disk_size = _DEFAULT_DISK_SIZE_GB\n@@ -167,7 +165,9 @@ class Resources:\n if None in image_id:\n self._image_id = {self._region: image_id[None].strip()}\n else:\n- self._image_id = {k.strip(): v.strip() for k, v in image_id.items()}\n+ self._image_id = {\n+ k.strip(): v.strip() for k, v in image_id.items()\n+ }\n self._is_image_managed = _is_image_managed\n \n self._disk_tier = disk_tier\n@@ -177,7 +177,8 @@ class Resources:\n ports = list(ports)\n if not isinstance(ports, list):\n ports = [ports]\n- ports = resources_utils.simplify_ports([str(port) for port in ports])\n+ ports = resources_utils.simplify_ports(\n+ [str(port) for port in ports])\n if not ports:\n # Set to None if empty. This is mainly for resources from\n # cli, which will comes in as an empty tuple.\n@@ -228,84 +229,83 @@ class Resources:\n >>> sky.Resources(disk_size=100)\n (disk_size=100)\n \"\"\"\n- accelerators = \"\"\n- accelerator_args = \"\"\n+ accelerators = ''\n+ accelerator_args = ''\n if self.accelerators is not None:\n- accelerators = f\", {self.accelerators}\"\n+ accelerators = f', {self.accelerators}'\n if self.accelerator_args is not None:\n- accelerator_args = f\", accelerator_args={self.accelerator_args}\"\n+ accelerator_args = f', accelerator_args={self.accelerator_args}'\n \n- cpus = \"\"\n+ cpus = ''\n if self.cpus is not None:\n- cpus = f\", cpus={self.cpus}\"\n+ cpus = f', cpus={self.cpus}'\n \n- memory = \"\"\n+ memory = ''\n if self.memory is not None:\n- memory = f\", mem={self.memory}\"\n+ memory = f', mem={self.memory}'\n \n if isinstance(self.cloud, clouds.Local):\n- return f\"{self.cloud}({self.accelerators})\"\n+ return f'{self.cloud}({self.accelerators})'\n \n- use_spot = \"\"\n+ use_spot = ''\n if self.use_spot:\n- use_spot = \"[Spot]\"\n+ use_spot = '[Spot]'\n \n- image_id = \"\"\n+ image_id = ''\n if self.image_id is not None:\n if None in self.image_id:\n- image_id = f\", image_id={self.image_id[None]}\"\n+ image_id = f', image_id={self.image_id[None]}'\n else:\n- image_id = f\", image_id={self.image_id}\"\n+ image_id = f', image_id={self.image_id}'\n \n- disk_tier = \"\"\n+ disk_tier = ''\n if self.disk_tier is not None:\n- disk_tier = f\", disk_tier={self.disk_tier}\"\n+ disk_tier = f', disk_tier={self.disk_tier}'\n \n- disk_size = \"\"\n+ disk_size = ''\n if self.disk_size != _DEFAULT_DISK_SIZE_GB:\n- disk_size = f\", disk_size={self.disk_size}\"\n+ disk_size = f', disk_size={self.disk_size}'\n \n- ports = \"\"\n+ ports = ''\n if self.ports is not None:\n- ports = f\", ports={self.ports}\"\n+ ports = f', ports={self.ports}'\n \n if self._instance_type is not None:\n- instance_type = f\"{self._instance_type}\"\n+ instance_type = f'{self._instance_type}'\n else:\n- instance_type = \"\"\n+ instance_type = ''\n \n # Do not show region/zone here as `sky status -a` would show them as\n # separate columns. Also, Resources repr will be printed during\n # failover, and the region may be dynamically determined.\n hardware_str = (\n- f\"{instance_type}{use_spot}\"\n- f\"{cpus}{memory}{accelerators}{accelerator_args}{image_id}\"\n- f\"{disk_tier}{disk_size}{ports}\"\n- )\n+ f'{instance_type}{use_spot}'\n+ f'{cpus}{memory}{accelerators}{accelerator_args}{image_id}'\n+ f'{disk_tier}{disk_size}{ports}')\n # It may have leading ',' (for example, instance_type not set) or empty\n # spaces. Remove them.\n- while hardware_str and hardware_str[0] in (\",\", \" \"):\n+ while hardware_str and hardware_str[0] in (',', ' '):\n hardware_str = hardware_str[1:]\n \n- cloud_str = \"\"\n+ cloud_str = ''\n if self.cloud is not None:\n- cloud_str = f\"{self.cloud}\"\n+ cloud_str = f'{self.cloud}'\n \n- return f\"{cloud_str}({hardware_str})\"\n+ return f'{cloud_str}({hardware_str})'\n \n @property\n def repr_with_region_zone(self) -> str:\n- region_str = \"\"\n+ region_str = ''\n if self.region is not None:\n- region_str = f\", region={self.region}\"\n- zone_str = \"\"\n+ region_str = f', region={self.region}'\n+ zone_str = ''\n if self.zone is not None:\n- zone_str = f\", zone={self.zone}\"\n+ zone_str = f', zone={self.zone}'\n repr_str = str(self)\n- if repr_str.endswith(\")\"):\n- repr_str = repr_str[:-1] + f\"{region_str}{zone_str})\"\n+ if repr_str.endswith(')'):\n+ repr_str = repr_str[:-1] + f'{region_str}{zone_str})'\n else:\n- repr_str += f\"{region_str}{zone_str}\"\n+ repr_str += f'{region_str}{zone_str}'\n return repr_str\n \n @property\n@@ -363,7 +363,8 @@ class Resources:\n if self._accelerators is not None:\n return self._accelerators\n if self.cloud is not None and self._instance_type is not None:\n- return self.cloud.get_accelerators_from_instance_type(self._instance_type)\n+ return self.cloud.get_accelerators_from_instance_type(\n+ self._instance_type)\n return None\n \n @property\n@@ -412,7 +413,7 @@ class Resources:\n \n self._cpus = str(cpus)\n if isinstance(cpus, str):\n- if cpus.endswith(\"+\"):\n+ if cpus.endswith('+'):\n num_cpus_str = cpus[:-1]\n else:\n num_cpus_str = cpus\n@@ -423,16 +424,14 @@ class Resources:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f'The \"cpus\" field should be either a number or '\n- f'a string \"+\". Found: {cpus!r}'\n- ) from None\n+ f'a string \"+\". Found: {cpus!r}') from None\n else:\n num_cpus = float(cpus)\n \n if num_cpus <= 0:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f'The \"cpus\" field should be positive. Found: {cpus!r}'\n- )\n+ f'The \"cpus\" field should be positive. Found: {cpus!r}')\n \n def _set_memory(\n self,\n@@ -444,7 +443,7 @@ class Resources:\n \n self._memory = str(memory)\n if isinstance(memory, str):\n- if memory.endswith(\"+\"):\n+ if memory.endswith('+'):\n num_memory_gb = memory[:-1]\n else:\n num_memory_gb = memory\n@@ -455,16 +454,14 @@ class Resources:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n f'The \"memory\" field should be either a number or '\n- f'a string \"+\". Found: {memory!r}'\n- ) from None\n+ f'a string \"+\". Found: {memory!r}') from None\n else:\n memory_gb = float(memory)\n \n if memory_gb <= 0:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f'The \"cpus\" field should be positive. Found: {memory!r}'\n- )\n+ f'The \"cpus\" field should be positive. Found: {memory!r}')\n \n def _set_accelerators(\n self,\n@@ -479,15 +476,13 @@ class Resources:\n \"\"\"\n if accelerators is not None:\n if isinstance(accelerators, str): # Convert to Dict[str, int].\n- if \":\" not in accelerators:\n+ if ':' not in accelerators:\n accelerators = {accelerators: 1}\n else:\n- splits = accelerators.split(\":\")\n- parse_error = (\n- 'The \"accelerators\" field as a str '\n- \"should be or :. \"\n- f\"Found: {accelerators!r}\"\n- )\n+ splits = accelerators.split(':')\n+ parse_error = ('The \"accelerators\" field as a str '\n+ 'should be or :. '\n+ f'Found: {accelerators!r}')\n if len(splits) != 2:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(parse_error)\n@@ -507,36 +502,35 @@ class Resources:\n \n # Canonicalize the accelerator names.\n accelerators = {\n- accelerator_registry.canonicalize_accelerator_name(acc): acc_count\n- for acc, acc_count in accelerators.items()\n+ accelerator_registry.canonicalize_accelerator_name(acc):\n+ acc_count for acc, acc_count in accelerators.items()\n }\n \n acc, _ = list(accelerators.items())[0]\n- if \"tpu\" in acc.lower():\n+ if 'tpu' in acc.lower():\n if self.cloud is None:\n self._cloud = clouds.GCP()\n- assert self.cloud.is_same_cloud(clouds.GCP()), \"Cloud must be GCP.\"\n+ assert self.cloud.is_same_cloud(\n+ clouds.GCP()), 'Cloud must be GCP.'\n if accelerator_args is None:\n accelerator_args = {}\n- use_tpu_vm = accelerator_args.get(\"tpu_vm\", False)\n+ use_tpu_vm = accelerator_args.get('tpu_vm', False)\n if use_tpu_vm:\n tpu_utils.check_gcp_cli_include_tpu_vm()\n if self.instance_type is not None and use_tpu_vm:\n- if self.instance_type != \"TPU-VM\":\n+ if self.instance_type != 'TPU-VM':\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Cannot specify instance type\"\n- f' (got \"{self.instance_type}\") for TPU VM.'\n- )\n- if \"runtime_version\" not in accelerator_args:\n+ 'Cannot specify instance type'\n+ f' (got \"{self.instance_type}\") for TPU VM.')\n+ if 'runtime_version' not in accelerator_args:\n if use_tpu_vm:\n- accelerator_args[\"runtime_version\"] = \"tpu-vm-base\"\n+ accelerator_args['runtime_version'] = 'tpu-vm-base'\n else:\n- accelerator_args[\"runtime_version\"] = \"2.12.0\"\n+ accelerator_args['runtime_version'] = '2.12.0'\n logger.info(\n- \"Missing runtime_version in accelerator_args, using\"\n- f' default ({accelerator_args[\"runtime_version\"]})'\n- )\n+ 'Missing runtime_version in accelerator_args, using'\n+ f' default ({accelerator_args[\"runtime_version\"]})')\n \n self._accelerators = accelerators\n self._accelerator_args = accelerator_args\n@@ -549,9 +543,8 @@ class Resources:\n assert self.is_launchable(), self\n return self.cloud.need_cleanup_after_preemption(self)\n \n- def _validate_and_set_region_zone(\n- self, region: Optional[str], zone: Optional[str]\n- ) -> None:\n+ def _validate_and_set_region_zone(self, region: Optional[str],\n+ zone: Optional[str]) -> None:\n if region is None and zone is None:\n return\n \n@@ -571,41 +564,39 @@ class Resources:\n \n if len(valid_clouds) == 0:\n if len(enabled_clouds) == 1:\n- cloud_str = f\"for cloud {enabled_clouds[0]}\"\n+ cloud_str = f'for cloud {enabled_clouds[0]}'\n else:\n- cloud_str = f\"for any cloud among {enabled_clouds}\"\n+ cloud_str = f'for any cloud among {enabled_clouds}'\n with ux_utils.print_exception_no_traceback():\n if len(cloud_to_errors) == 1:\n # UX: if 1 cloud, don't print a table.\n hint = list(cloud_to_errors.items())[0][-1]\n else:\n- table = log_utils.create_table([\"Cloud\", \"Hint\"])\n- table.add_row([\"-----\", \"----\"])\n+ table = log_utils.create_table(['Cloud', 'Hint'])\n+ table.add_row(['-----', '----'])\n for cloud, error in cloud_to_errors.items():\n- reason_str = \"\\n\".join(textwrap.wrap(str(error), 80))\n+ reason_str = '\\n'.join(textwrap.wrap(\n+ str(error), 80))\n table.add_row([str(cloud), reason_str])\n hint = table.get_string()\n raise ValueError(\n- f\"Invalid (region {region!r}, zone {zone!r}) \"\n- f\"{cloud_str}. Details:\\n{hint}\"\n- )\n+ f'Invalid (region {region!r}, zone {zone!r}) '\n+ f'{cloud_str}. Details:\\n{hint}')\n elif len(valid_clouds) > 1:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Cannot infer cloud from (region {region!r}, zone \"\n- f\"{zone!r}). Multiple enabled clouds have region/zone \"\n- f\"of the same names: {valid_clouds}. \"\n- f\"To fix: explicitly specify `cloud`.\"\n- )\n- logger.debug(\n- f\"Cloud is not specified, using {valid_clouds[0]} \"\n- f\"inferred from region {region!r} and zone {zone!r}\"\n- )\n+ f'Cannot infer cloud from (region {region!r}, zone '\n+ f'{zone!r}). Multiple enabled clouds have region/zone '\n+ f'of the same names: {valid_clouds}. '\n+ f'To fix: explicitly specify `cloud`.')\n+ logger.debug(f'Cloud is not specified, using {valid_clouds[0]} '\n+ f'inferred from region {region!r} and zone {zone!r}')\n self._cloud = valid_clouds[0]\n \n # Validate if region and zone exist in the catalog, and set the region\n # if zone is specified.\n- self._region, self._zone = self._cloud.validate_region_zone(region, zone)\n+ self._region, self._zone = self._cloud.validate_region_zone(\n+ region, zone)\n \n def get_valid_regions_for_launchable(self) -> List[clouds.Region]:\n \"\"\"Returns a set of `Region`s that can provision this Resources.\n@@ -618,24 +609,18 @@ class Resources:\n \"\"\"\n assert self.is_launchable(), self\n \n- regions = self._cloud.regions_with_offering(\n- self._instance_type,\n- self.accelerators,\n- self._use_spot,\n- self._region,\n- self._zone,\n- )\n+ regions = self._cloud.regions_with_offering(self._instance_type,\n+ self.accelerators,\n+ self._use_spot,\n+ self._region, self._zone)\n if self._image_id is not None and None not in self._image_id:\n regions = [r for r in regions if r.name in self._image_id]\n \n # Filter the regions by the skypilot_config\n ssh_proxy_command_config = skypilot_config.get_nested(\n- (str(self._cloud).lower(), \"ssh_proxy_command\"), None\n- )\n- if (\n- isinstance(ssh_proxy_command_config, str)\n- or ssh_proxy_command_config is None\n- ):\n+ (str(self._cloud).lower(), 'ssh_proxy_command'), None)\n+ if (isinstance(ssh_proxy_command_config, str) or\n+ ssh_proxy_command_config is None):\n # All regions are valid as the regions are not specified for the\n # ssh_proxy_command config.\n return regions\n@@ -657,10 +642,9 @@ class Resources:\n yellow = colorama.Fore.YELLOW\n reset = colorama.Style.RESET_ALL\n logger.warning(\n- f\"{yellow}Request {self} cannot be satisfied by any feasible \"\n- \"region. To fix, check that ssh_proxy_command's region keys \"\n- f\"include the regions to use.{reset}\"\n- )\n+ f'{yellow}Request {self} cannot be satisfied by any feasible '\n+ 'region. To fix, check that ssh_proxy_command\\'s region keys '\n+ f'include the regions to use.{reset}')\n \n return filtered_regions\n \n@@ -674,9 +658,8 @@ class Resources:\n if not valid:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Invalid instance type {self._instance_type!r} \"\n- f\"for cloud {self.cloud}.\"\n- )\n+ f'Invalid instance type {self._instance_type!r} '\n+ f'for cloud {self.cloud}.')\n else:\n # If cloud not specified\n valid_clouds = []\n@@ -686,24 +669,22 @@ class Resources:\n valid_clouds.append(cloud)\n if len(valid_clouds) == 0:\n if len(enabled_clouds) == 1:\n- cloud_str = f\"for cloud {enabled_clouds[0]}\"\n+ cloud_str = f'for cloud {enabled_clouds[0]}'\n else:\n- cloud_str = f\"for any cloud among {enabled_clouds}\"\n+ cloud_str = f'for any cloud among {enabled_clouds}'\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Invalid instance type {self._instance_type!r} \"\n- f\"{cloud_str}.\"\n- )\n+ f'Invalid instance type {self._instance_type!r} '\n+ f'{cloud_str}.')\n if len(valid_clouds) > 1:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Ambiguous instance type {self._instance_type!r}. \"\n- f\"Please specify cloud explicitly among {valid_clouds}.\"\n+ f'Ambiguous instance type {self._instance_type!r}. '\n+ f'Please specify cloud explicitly among {valid_clouds}.'\n )\n logger.debug(\n- f\"Cloud is not specified, using {valid_clouds[0]} \"\n- f\"inferred from the instance_type {self.instance_type!r}.\"\n- )\n+ f'Cloud is not specified, using {valid_clouds[0]} '\n+ f'inferred from the instance_type {self.instance_type!r}.')\n self._cloud = valid_clouds[0]\n \n def _try_validate_cpus_mem(self) -> None:\n@@ -715,39 +696,36 @@ class Resources:\n # The _try_validate_instance_type() method infers and sets\n # self.cloud if self.instance_type is not None.\n assert self.cloud is not None\n- cpus, mem = self.cloud.get_vcpus_mem_from_instance_type(self.instance_type)\n+ cpus, mem = self.cloud.get_vcpus_mem_from_instance_type(\n+ self.instance_type)\n if self.cpus is not None:\n- if self.cpus.endswith(\"+\"):\n+ if self.cpus.endswith('+'):\n if cpus < float(self.cpus[:-1]):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"{self.instance_type} does not have enough \"\n- f\"vCPUs. {self.instance_type} has {cpus} \"\n- f\"vCPUs, but {self.cpus} is requested.\"\n- )\n+ f'{self.instance_type} does not have enough '\n+ f'vCPUs. {self.instance_type} has {cpus} '\n+ f'vCPUs, but {self.cpus} is requested.')\n elif cpus != float(self.cpus):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"{self.instance_type} does not have the requested \"\n- f\"number of vCPUs. {self.instance_type} has {cpus} \"\n- f\"vCPUs, but {self.cpus} is requested.\"\n- )\n+ f'{self.instance_type} does not have the requested '\n+ f'number of vCPUs. {self.instance_type} has {cpus} '\n+ f'vCPUs, but {self.cpus} is requested.')\n if self.memory is not None:\n- if self.memory.endswith(\"+\"):\n+ if self.memory.endswith('+'):\n if mem < float(self.memory[:-1]):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"{self.instance_type} does not have enough \"\n- f\"memory. {self.instance_type} has {mem} GB \"\n- f\"memory, but {self.memory} is requested.\"\n- )\n+ f'{self.instance_type} does not have enough '\n+ f'memory. {self.instance_type} has {mem} GB '\n+ f'memory, but {self.memory} is requested.')\n elif mem != float(self.memory):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"{self.instance_type} does not have the requested \"\n- f\"memory. {self.instance_type} has {mem} GB \"\n- f\"memory, but {self.memory} is requested.\"\n- )\n+ f'{self.instance_type} does not have the requested '\n+ f'memory. {self.instance_type} has {mem} GB '\n+ f'memory, but {self.memory} is requested.')\n \n def _try_validate_spot(self) -> None:\n if self._spot_recovery is None:\n@@ -755,46 +733,41 @@ class Resources:\n if not self._use_spot:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Cannot specify spot_recovery without use_spot set to True.\"\n+ 'Cannot specify spot_recovery without use_spot set to True.'\n )\n if self._spot_recovery not in spot.SPOT_STRATEGIES:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Spot recovery strategy {self._spot_recovery} \"\n- \"is not supported. The strategy should be among \"\n- f\"{list(spot.SPOT_STRATEGIES.keys())}\"\n- )\n+ f'Spot recovery strategy {self._spot_recovery} '\n+ 'is not supported. The strategy should be among '\n+ f'{list(spot.SPOT_STRATEGIES.keys())}')\n \n def _try_validate_local(self) -> None:\n if isinstance(self._cloud, clouds.Local):\n if self._use_spot:\n with ux_utils.print_exception_no_traceback():\n- raise ValueError(\n- \"Local/On-prem mode does not support spot \" \"instances.\"\n- )\n+ raise ValueError('Local/On-prem mode does not support spot '\n+ 'instances.')\n local_instance = clouds.Local.get_default_instance_type()\n- if (\n- self._instance_type is not None\n- and self._instance_type != local_instance\n- ):\n+ if (self._instance_type is not None and\n+ self._instance_type != local_instance):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Local/On-prem mode does not support instance type:\"\n- f\" {self._instance_type}.\"\n- )\n+ 'Local/On-prem mode does not support instance type:'\n+ f' {self._instance_type}.')\n if self._image_id is not None:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Local/On-prem mode does not support custom \" \"images.\"\n- )\n+ 'Local/On-prem mode does not support custom '\n+ 'images.')\n \n def extract_docker_image(self) -> Optional[str]:\n if self.image_id is None:\n return None\n if len(self.image_id) == 1 and self.region in self.image_id:\n image_id = self.image_id[self.region]\n- if image_id.startswith(\"docker:\"):\n- return image_id[len(\"docker:\") :]\n+ if image_id.startswith('docker:'):\n+ return image_id[len('docker:'):]\n return None\n \n def _try_validate_image_id(self) -> None:\n@@ -805,66 +778,56 @@ class Resources:\n # TODO(tian): validate the docker image exists / of reasonable size\n if self.accelerators is not None:\n for acc in self.accelerators.keys():\n- if acc.lower().startswith(\"tpu\"):\n+ if acc.lower().startswith('tpu'):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Docker image is not supported for TPU VM.\"\n- )\n+ 'Docker image is not supported for TPU VM.')\n if self.cloud is not None:\n self.cloud.check_features_are_supported(\n- {clouds.CloudImplementationFeatures.DOCKER_IMAGE}\n- )\n+ {clouds.CloudImplementationFeatures.DOCKER_IMAGE})\n return\n \n if self.cloud is None:\n with ux_utils.print_exception_no_traceback():\n- raise ValueError(\"Cloud must be specified when image_id is provided.\")\n+ raise ValueError(\n+ 'Cloud must be specified when image_id is provided.')\n \n # Apr, 2023 by Hysun(hysun.he@oracle.com): Added support for OCI\n- if (\n- not self._cloud.is_same_cloud(clouds.AWS())\n- and not self._cloud.is_same_cloud(clouds.GCP())\n- and not self._cloud.is_same_cloud(clouds.IBM())\n- and not self._cloud.is_same_cloud(clouds.OCI())\n- ):\n+ if not self._cloud.is_same_cloud(\n+ clouds.AWS()) and not self._cloud.is_same_cloud(\n+ clouds.GCP()) and not self._cloud.is_same_cloud(\n+ clouds.IBM()) and not self._cloud.is_same_cloud(\n+ clouds.OCI()):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"image_id is only supported for AWS/GCP/IBM/OCI, please \"\n- \"explicitly specify the cloud.\"\n- )\n+ 'image_id is only supported for AWS/GCP/IBM/OCI, please '\n+ 'explicitly specify the cloud.')\n \n if self._region is not None:\n if self._region not in self._image_id:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"image_id {self._image_id} should contain the image \"\n- f\"for the specified region {self._region}.\"\n- )\n+ f'image_id {self._image_id} should contain the image '\n+ f'for the specified region {self._region}.')\n # Narrow down the image_id to the specified region.\n self._image_id = {self._region: self._image_id[self._region]}\n \n # Check the image_id's are valid.\n for region, image_id in self._image_id.items():\n- if image_id.startswith(\"skypilot:\") and not self._cloud.is_image_tag_valid(\n- image_id, region\n- ):\n- region_str = f\" ({region})\" if region else \"\"\n+ if (image_id.startswith('skypilot:') and\n+ not self._cloud.is_image_tag_valid(image_id, region)):\n+ region_str = f' ({region})' if region else ''\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Image tag {image_id!r} is not valid, please make sure\"\n- f\" the tag exists in {self._cloud}{region_str}.\"\n- )\n+ f'Image tag {image_id!r} is not valid, please make sure'\n+ f' the tag exists in {self._cloud}{region_str}.')\n \n- if (\n- self._cloud.is_same_cloud(clouds.AWS())\n- and not image_id.startswith(\"skypilot:\")\n- and region is None\n- ):\n+ if (self._cloud.is_same_cloud(clouds.AWS()) and\n+ not image_id.startswith('skypilot:') and region is None):\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"image_id is only supported for AWS in a specific \"\n- \"region, please explicitly specify the region.\"\n- )\n+ 'image_id is only supported for AWS in a specific '\n+ 'region, please explicitly specify the region.')\n \n # Validate the image exists and the size is smaller than the disk size.\n for region, image_id in self._image_id.items():\n@@ -873,41 +836,40 @@ class Resources:\n image_size = self.cloud.get_image_size(image_id, region)\n if image_size >= self.disk_size:\n with ux_utils.print_exception_no_traceback():\n- size_comparison = (\n- \"larger\" if image_size > self.disk_size else \"equal\"\n- )\n+ size_compare = 'larger than' if image_size > self.disk_size \\\n+ else 'equal to'\n raise ValueError(\n- f\"Image {image_id!r} is {image_size}GB, which is \"\n- f\"{size_comparison} than the specified disk_size: {self.disk_size}\"\n- \" GB. Please specify a larger disk_size to use this image.\"\n- )\n+ f'Image {image_id!r} is {image_size}GB, which is '\n+ f'{size_compare} the specified disk_size: '\n+ f'{self.disk_size} GB. Please specify a larger '\n+ 'disk_size to use this image.')\n \n def _try_validate_disk_tier(self) -> None:\n if self.disk_tier is None:\n return\n- if self.disk_tier not in [\"high\", \"medium\", \"low\"]:\n+ if self.disk_tier not in ['high', 'medium', 'low']:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- f\"Invalid disk_tier {self.disk_tier}. \"\n- 'Please use one of \"high\", \"medium\", or \"low\".'\n- )\n+ f'Invalid disk_tier {self.disk_tier}. '\n+ 'Please use one of \"high\", \"medium\", or \"low\".')\n if self.instance_type is None:\n return\n if self.cloud is not None:\n- self.cloud.check_disk_tier_enabled(self.instance_type, self.disk_tier)\n+ self.cloud.check_disk_tier_enabled(self.instance_type,\n+ self.disk_tier)\n \n def _try_validate_ports(self) -> None:\n if self.ports is None:\n return\n- if skypilot_config.get_nested((\"aws\", \"security_group_name\"), None) is not None:\n+ if skypilot_config.get_nested(('aws', 'security_group_name'),\n+ None) is not None:\n with ux_utils.print_exception_no_traceback():\n raise ValueError(\n- \"Cannot specify ports when AWS security group name is \" \"specified.\"\n- )\n+ 'Cannot specify ports when AWS security group name is '\n+ 'specified.')\n if self.cloud is not None:\n self.cloud.check_features_are_supported(\n- {clouds.CloudImplementationFeatures.OPEN_PORTS}\n- )\n+ {clouds.CloudImplementationFeatures.OPEN_PORTS})\n # We don't need to check the ports format since we already done it\n # in resources_utils.simplify_ports\n \n@@ -916,21 +878,16 @@ class Resources:\n hours = seconds / 3600\n # Instance.\n hourly_cost = self.cloud.instance_type_to_hourly_cost(\n- self._instance_type, self.use_spot, self._region, self._zone\n- )\n+ self._instance_type, self.use_spot, self._region, self._zone)\n # Accelerators (if any).\n if self.accelerators is not None:\n hourly_cost += self.cloud.accelerators_to_hourly_cost(\n- self.accelerators, self.use_spot, self._region, self._zone\n- )\n+ self.accelerators, self.use_spot, self._region, self._zone)\n return hourly_cost * hours\n \n def make_deploy_variables(\n- self,\n- cluster_name_on_cloud: str,\n- region: clouds.Region,\n- zones: Optional[List[clouds.Zone]],\n- ) -> Dict[str, Optional[str]]:\n+ self, cluster_name_on_cloud: str, region: clouds.Region,\n+ zones: Optional[List[clouds.Zone]]) -> Dict[str, Optional[str]]:\n \"\"\"Converts planned sky.Resources to resource variables.\n \n These variables are divided into two categories: cloud-specific and\n@@ -939,8 +896,7 @@ class Resources:\n variables are generated by this method.\n \"\"\"\n cloud_specific_variables = self.cloud.make_deploy_resources_variables(\n- self, cluster_name_on_cloud, region, zones\n- )\n+ self, cluster_name_on_cloud, region, zones)\n docker_image = self.extract_docker_image()\n return dict(\n cloud_specific_variables,\n@@ -948,19 +904,18 @@ class Resources:\n # Docker config\n # Docker image. The image name used to pull the image, e.g.\n # ubuntu:latest.\n- \"docker_image\": docker_image,\n+ 'docker_image': docker_image,\n # Docker container name. The name of the container. Default to\n # `sky_container`.\n- \"docker_container_name\": constants.DEFAULT_DOCKER_CONTAINER_NAME,\n+ 'docker_container_name':\n+ constants.DEFAULT_DOCKER_CONTAINER_NAME,\n # Docker login config (if any). This helps pull the image from\n # private registries.\n- \"docker_login_config\": self._docker_login_config,\n- },\n- )\n+ 'docker_login_config': self._docker_login_config\n+ })\n \n def get_reservations_available_resources(\n- self, specific_reservations: Set[str]\n- ) -> Dict[str, int]:\n+ self, specific_reservations: Set[str]) -> Dict[str, int]:\n \"\"\"Returns the number of available reservation resources.\"\"\"\n if self.use_spot:\n # GCP's & AWS's reservations do not support spot instances. We\n@@ -968,12 +923,12 @@ class Resources:\n # to each cloud if any cloud supports reservations for spot.\n return {}\n return self.cloud.get_reservations_available_resources(\n- self._instance_type, self._region, self._zone, specific_reservations\n- )\n+ self._instance_type, self._region, self._zone,\n+ specific_reservations)\n \n def less_demanding_than(\n self,\n- other: Union[List[\"Resources\"], \"Resources\"],\n+ other: Union[List['Resources'], 'Resources'],\n requested_num_nodes: int = 1,\n check_ports: bool = False,\n ) -> bool:\n@@ -1009,17 +964,15 @@ class Resources:\n if not self.image_id.items() <= other.image_id.items():\n return False\n else:\n- this_image = self.image_id.get(other.region) or self.image_id.get(None)\n- other_image = other.image_id.get(other.region) or other.image_id.get(\n- None\n- )\n+ this_image = (self.image_id.get(other.region) or\n+ self.image_id.get(None))\n+ other_image = (other.image_id.get(other.region) or\n+ other.image_id.get(None))\n if this_image != other_image:\n return False\n \n- if (\n- self._instance_type is not None\n- and self._instance_type != other.instance_type\n- ):\n+ if (self._instance_type is not None and\n+ self._instance_type != other.instance_type):\n return False\n # self._instance_type <= other.instance_type\n \n@@ -1034,10 +987,8 @@ class Resources:\n return False\n # self.accelerators <= other.accelerators\n \n- if (\n- self.accelerator_args is not None\n- and self.accelerator_args != other.accelerator_args\n- ):\n+ if (self.accelerator_args is not None and\n+ self.accelerator_args != other.accelerator_args):\n return False\n # self.accelerator_args == other.accelerator_args\n \n@@ -1048,8 +999,9 @@ class Resources:\n if other.disk_tier is None:\n return False\n if self.disk_tier != other.disk_tier:\n- types = [\"low\", \"medium\", \"high\"]\n- return types.index(self.disk_tier) < types.index(other.disk_tier)\n+ types = ['low', 'medium', 'high']\n+ return types.index(self.disk_tier) < types.index(\n+ other.disk_tier)\n \n if check_ports:\n if self.ports is not None:\n@@ -1063,72 +1015,68 @@ class Resources:\n # self <= other\n return True\n \n- def should_be_blocked_by(self, blocked: \"Resources\") -> bool:\n+ def should_be_blocked_by(self, blocked: 'Resources') -> bool:\n \"\"\"Whether this Resources matches the blocked Resources.\n \n If a field in `blocked` is None, it should be considered as a wildcard\n for that field.\n \"\"\"\n is_matched = True\n- if blocked.cloud is not None and not self.cloud.is_same_cloud(blocked.cloud):\n+ if (blocked.cloud is not None and\n+ not self.cloud.is_same_cloud(blocked.cloud)):\n is_matched = False\n- if (\n- blocked.instance_type is not None\n- and self.instance_type != blocked.instance_type\n- ):\n+ if (blocked.instance_type is not None and\n+ self.instance_type != blocked.instance_type):\n is_matched = False\n if blocked.region is not None and self._region != blocked.region:\n is_matched = False\n if blocked.zone is not None and self._zone != blocked.zone:\n is_matched = False\n- if (\n- blocked.accelerators is not None\n- and self.accelerators != blocked.accelerators\n- ):\n+ if (blocked.accelerators is not None and\n+ self.accelerators != blocked.accelerators):\n is_matched = False\n return is_matched\n \n def is_empty(self) -> bool:\n \"\"\"Is this Resources an empty request (all fields None)?\"\"\"\n- return all(\n- [\n- self.cloud is None,\n- self._instance_type is None,\n- self.cpus is None,\n- self.memory is None,\n- self.accelerators is None,\n- self.accelerator_args is None,\n- not self._use_spot_specified,\n- self.disk_size == _DEFAULT_DISK_SIZE_GB,\n- self.disk_tier is None,\n- self._image_id is None,\n- self.ports is None,\n- self._docker_login_config is None,\n- ]\n- )\n-\n- def copy(self, **override) -> \"Resources\":\n+ return all([\n+ self.cloud is None,\n+ self._instance_type is None,\n+ self.cpus is None,\n+ self.memory is None,\n+ self.accelerators is None,\n+ self.accelerator_args is None,\n+ not self._use_spot_specified,\n+ self.disk_size == _DEFAULT_DISK_SIZE_GB,\n+ self.disk_tier is None,\n+ self._image_id is None,\n+ self.ports is None,\n+ self._docker_login_config is None,\n+ ])\n+\n+ def copy(self, **override) -> 'Resources':\n \"\"\"Returns a copy of the given Resources.\"\"\"\n use_spot = self.use_spot if self._use_spot_specified else None\n resources = Resources(\n- cloud=override.pop(\"cloud\", self.cloud),\n- instance_type=override.pop(\"instance_type\", self.instance_type),\n- cpus=override.pop(\"cpus\", self.cpus),\n- memory=override.pop(\"memory\", self.memory),\n- accelerators=override.pop(\"accelerators\", self.accelerators),\n- accelerator_args=override.pop(\"accelerator_args\", self.accelerator_args),\n- use_spot=override.pop(\"use_spot\", use_spot),\n- spot_recovery=override.pop(\"spot_recovery\", self.spot_recovery),\n- disk_size=override.pop(\"disk_size\", self.disk_size),\n- region=override.pop(\"region\", self.region),\n- zone=override.pop(\"zone\", self.zone),\n- image_id=override.pop(\"image_id\", self.image_id),\n- disk_tier=override.pop(\"disk_tier\", self.disk_tier),\n- ports=override.pop(\"ports\", self.ports),\n- _docker_login_config=override.pop(\n- \"_docker_login_config\", self._docker_login_config\n- ),\n- _is_image_managed=override.pop(\"_is_image_managed\", self._is_image_managed),\n+ cloud=override.pop('cloud', self.cloud),\n+ instance_type=override.pop('instance_type', self.instance_type),\n+ cpus=override.pop('cpus', self.cpus),\n+ memory=override.pop('memory', self.memory),\n+ accelerators=override.pop('accelerators', self.accelerators),\n+ accelerator_args=override.pop('accelerator_args',\n+ self.accelerator_args),\n+ use_spot=override.pop('use_spot', use_spot),\n+ spot_recovery=override.pop('spot_recovery', self.spot_recovery),\n+ disk_size=override.pop('disk_size', self.disk_size),\n+ region=override.pop('region', self.region),\n+ zone=override.pop('zone', self.zone),\n+ image_id=override.pop('image_id', self.image_id),\n+ disk_tier=override.pop('disk_tier', self.disk_tier),\n+ ports=override.pop('ports', self.ports),\n+ _docker_login_config=override.pop('_docker_login_config',\n+ self._docker_login_config),\n+ _is_image_managed=override.pop('_is_image_managed',\n+ self._is_image_managed),\n )\n assert len(override) == 0\n return resources\n@@ -1144,7 +1092,8 @@ class Resources:\n return False\n return True\n \n- def get_required_cloud_features(self) -> Set[clouds.CloudImplementationFeatures]:\n+ def get_required_cloud_features(\n+ self) -> Set[clouds.CloudImplementationFeatures]:\n \"\"\"Returns the set of cloud features required by this Resources.\"\"\"\n features = set()\n if self.use_spot:\n@@ -1158,48 +1107,46 @@ class Resources:\n return features\n \n @classmethod\n- def from_yaml_config(cls, config: Optional[Dict[str, str]]) -> \"Resources\":\n+ def from_yaml_config(cls, config: Optional[Dict[str, str]]) -> 'Resources':\n if config is None:\n return Resources()\n \n- common_utils.validate_schema(\n- config, schemas.get_resources_schema(), \"Invalid resources YAML: \"\n- )\n+ common_utils.validate_schema(config, schemas.get_resources_schema(),\n+ 'Invalid resources YAML: ')\n \n resources_fields = {}\n- resources_fields[\"cloud\"] = clouds.CLOUD_REGISTRY.from_str(\n- config.pop(\"cloud\", None)\n- )\n- resources_fields[\"instance_type\"] = config.pop(\"instance_type\", None)\n- resources_fields[\"cpus\"] = config.pop(\"cpus\", None)\n- resources_fields[\"memory\"] = config.pop(\"memory\", None)\n- resources_fields[\"accelerators\"] = config.pop(\"accelerators\", None)\n- resources_fields[\"accelerator_args\"] = config.pop(\"accelerator_args\", None)\n- resources_fields[\"use_spot\"] = config.pop(\"use_spot\", None)\n- resources_fields[\"spot_recovery\"] = config.pop(\"spot_recovery\", None)\n- resources_fields[\"disk_size\"] = config.pop(\"disk_size\", None)\n- resources_fields[\"region\"] = config.pop(\"region\", None)\n- resources_fields[\"zone\"] = config.pop(\"zone\", None)\n- resources_fields[\"image_id\"] = config.pop(\"image_id\", None)\n- resources_fields[\"disk_tier\"] = config.pop(\"disk_tier\", None)\n- resources_fields[\"ports\"] = config.pop(\"ports\", None)\n- resources_fields[\"_docker_login_config\"] = config.pop(\n- \"_docker_login_config\", None\n- )\n- resources_fields[\"_is_image_managed\"] = config.pop(\"_is_image_managed\", None)\n-\n- if resources_fields[\"cpus\"] is not None:\n- resources_fields[\"cpus\"] = str(resources_fields[\"cpus\"])\n- if resources_fields[\"memory\"] is not None:\n- resources_fields[\"memory\"] = str(resources_fields[\"memory\"])\n- if resources_fields[\"accelerator_args\"] is not None:\n- resources_fields[\"accelerator_args\"] = dict(\n- resources_fields[\"accelerator_args\"]\n- )\n- if resources_fields[\"disk_size\"] is not None:\n- resources_fields[\"disk_size\"] = int(resources_fields[\"disk_size\"])\n-\n- assert not config, f\"Invalid resource args: {config.keys()}\"\n+ resources_fields['cloud'] = clouds.CLOUD_REGISTRY.from_str(\n+ config.pop('cloud', None))\n+ resources_fields['instance_type'] = config.pop('instance_type', None)\n+ resources_fields['cpus'] = config.pop('cpus', None)\n+ resources_fields['memory'] = config.pop('memory', None)\n+ resources_fields['accelerators'] = config.pop('accelerators', None)\n+ resources_fields['accelerator_args'] = config.pop(\n+ 'accelerator_args', None)\n+ resources_fields['use_spot'] = config.pop('use_spot', None)\n+ resources_fields['spot_recovery'] = config.pop('spot_recovery', None)\n+ resources_fields['disk_size'] = config.pop('disk_size', None)\n+ resources_fields['region'] = config.pop('region', None)\n+ resources_fields['zone'] = config.pop('zone', None)\n+ resources_fields['image_id'] = config.pop('image_id', None)\n+ resources_fields['disk_tier'] = config.pop('disk_tier', None)\n+ resources_fields['ports'] = config.pop('ports', None)\n+ resources_fields['_docker_login_config'] = config.pop(\n+ '_docker_login_config', None)\n+ resources_fields['_is_image_managed'] = config.pop(\n+ '_is_image_managed', None)\n+\n+ if resources_fields['cpus'] is not None:\n+ resources_fields['cpus'] = str(resources_fields['cpus'])\n+ if resources_fields['memory'] is not None:\n+ resources_fields['memory'] = str(resources_fields['memory'])\n+ if resources_fields['accelerator_args'] is not None:\n+ resources_fields['accelerator_args'] = dict(\n+ resources_fields['accelerator_args'])\n+ if resources_fields['disk_size'] is not None:\n+ resources_fields['disk_size'] = int(resources_fields['disk_size'])\n+\n+ assert not config, f'Invalid resource args: {config.keys()}'\n return Resources(**resources_fields)\n \n def to_yaml_config(self) -> Dict[str, Union[str, int]]:\n@@ -1207,28 +1154,28 @@ class Resources:\n config = {}\n \n def add_if_not_none(key, value):\n- if value is not None and value != \"None\":\n+ if value is not None and value != 'None':\n config[key] = value\n \n- add_if_not_none(\"cloud\", str(self.cloud))\n- add_if_not_none(\"instance_type\", self.instance_type)\n- add_if_not_none(\"cpus\", self.cpus)\n- add_if_not_none(\"memory\", self.memory)\n- add_if_not_none(\"accelerators\", self.accelerators)\n- add_if_not_none(\"accelerator_args\", self.accelerator_args)\n+ add_if_not_none('cloud', str(self.cloud))\n+ add_if_not_none('instance_type', self.instance_type)\n+ add_if_not_none('cpus', self.cpus)\n+ add_if_not_none('memory', self.memory)\n+ add_if_not_none('accelerators', self.accelerators)\n+ add_if_not_none('accelerator_args', self.accelerator_args)\n \n if self._use_spot_specified:\n- add_if_not_none(\"use_spot\", self.use_spot)\n- config[\"spot_recovery\"] = self.spot_recovery\n- config[\"disk_size\"] = self.disk_size\n- add_if_not_none(\"region\", self.region)\n- add_if_not_none(\"zone\", self.zone)\n- add_if_not_none(\"image_id\", self.image_id)\n- add_if_not_none(\"disk_tier\", self.disk_tier)\n- add_if_not_none(\"ports\", self.ports)\n- add_if_not_none(\"_docker_login_config\", self._docker_login_config)\n+ add_if_not_none('use_spot', self.use_spot)\n+ config['spot_recovery'] = self.spot_recovery\n+ config['disk_size'] = self.disk_size\n+ add_if_not_none('region', self.region)\n+ add_if_not_none('zone', self.zone)\n+ add_if_not_none('image_id', self.image_id)\n+ add_if_not_none('disk_tier', self.disk_tier)\n+ add_if_not_none('ports', self.ports)\n+ add_if_not_none('_docker_login_config', self._docker_login_config)\n if self._is_image_managed is not None:\n- config[\"_is_image_managed\"] = self._is_image_managed\n+ config['_is_image_managed'] = self._is_image_managed\n return config\n \n def __setstate__(self, state):\n@@ -1237,25 +1184,25 @@ class Resources:\n \n # TODO (zhwu): Design our persistent state format with `__getstate__`,\n # so that to get rid of the version tracking.\n- version = state.pop(\"_version\", None)\n+ version = state.pop('_version', None)\n # Handle old version(s) here.\n if version is None:\n version = -1\n if version < 0:\n- cloud = state.pop(\"cloud\", None)\n- state[\"_cloud\"] = cloud\n+ cloud = state.pop('cloud', None)\n+ state['_cloud'] = cloud\n \n- instance_type = state.pop(\"instance_type\", None)\n- state[\"_instance_type\"] = instance_type\n+ instance_type = state.pop('instance_type', None)\n+ state['_instance_type'] = instance_type\n \n- use_spot = state.pop(\"use_spot\", False)\n- state[\"_use_spot\"] = use_spot\n+ use_spot = state.pop('use_spot', False)\n+ state['_use_spot'] = use_spot\n \n- accelerator_args = state.pop(\"accelerator_args\", None)\n- state[\"_accelerator_args\"] = accelerator_args\n+ accelerator_args = state.pop('accelerator_args', None)\n+ state['_accelerator_args'] = accelerator_args\n \n- disk_size = state.pop(\"disk_size\", _DEFAULT_DISK_SIZE_GB)\n- state[\"_disk_size\"] = disk_size\n+ disk_size = state.pop('disk_size', _DEFAULT_DISK_SIZE_GB)\n+ state['_disk_size'] = disk_size\n \n if version < 2:\n self._region = None\n@@ -1270,13 +1217,13 @@ class Resources:\n self._zone = None\n \n if version < 6:\n- accelerators = state.pop(\"_accelerators\", None)\n+ accelerators = state.pop('_accelerators', None)\n if accelerators is not None:\n accelerators = {\n- accelerator_registry.canonicalize_accelerator_name(acc): acc_count\n- for acc, acc_count in accelerators.items()\n+ accelerator_registry.canonicalize_accelerator_name(acc):\n+ acc_count for acc, acc_count in accelerators.items()\n }\n- state[\"_accelerators\"] = accelerators\n+ state['_accelerators'] = accelerators\n \n if version < 7:\n self._cpus = None\n@@ -1284,9 +1231,9 @@ class Resources:\n if version < 8:\n self._memory = None\n \n- image_id = state.get(\"_image_id\", None)\n+ image_id = state.get('_image_id', None)\n if isinstance(image_id, str):\n- state[\"_image_id\"] = {state.get(\"_region\", None): image_id}\n+ state['_image_id'] = {state.get('_region', None): image_id}\n \n if version < 9:\n self._disk_tier = None\n@@ -1301,10 +1248,9 @@ class Resources:\n self._docker_login_config = None\n \n if version < 13:\n- original_ports = state.get(\"_ports\", None)\n+ original_ports = state.get('_ports', None)\n if original_ports is not None:\n- state[\"_ports\"] = resources_utils.simplify_ports(\n- [str(port) for port in original_ports]\n- )\n+ state['_ports'] = resources_utils.simplify_ports(\n+ [str(port) for port in original_ports])\n \n self.__dict__.update(state)\n", "difficulty": 0, "changed_files": ["sky/resources.py"], "commit_link": "https://github.com/skypilot-org/skypilot/tree/cced5b5d68a3fe1a02d8ac1186e9d12b6c75dc8d"} \ No newline at end of file diff --git a/data/python/cede9af.json b/data/python/cede9af.json new file mode 100644 index 0000000000000000000000000000000000000000..e3cbac0bec373bd660aad12592d6789ae4cb23cd --- /dev/null +++ b/data/python/cede9af.json @@ -0,0 +1 @@ +{"language": "Python", "id": 66, "repo_owner": "jazzband", "repo_name": "django-oauth-toolkit", "head_branch": "fix/wellknown-openid-configuration-no-trailing-slash", "workflow_name": "Test", "workflow_filename": "test.yml", "workflow_path": ".github/workflows/test.yml", "contributor": "dopry", "sha_fail": "cede9afc77c91ffadcbc8f187267f6bbc8d52b77", "sha_success": "6669338fe35930e5160a9b3234b0b6a43e0e02c9", "workflow": "name: Test\n\non: [push, pull_request]\n\njobs:\n build:\n name: build (Python ${{ matrix.python-version }}, Django ${{ matrix.django-version }})\n runs-on: ubuntu-latest\n strategy:\n fail-fast: false\n matrix:\n python-version:\n - '3.8'\n - '3.9'\n - '3.10'\n - '3.11'\n - '3.12'\n django-version:\n - '3.2'\n - '4.0'\n - '4.1'\n - '4.2'\n - '5.0'\n - 'main'\n exclude:\n # https://docs.djangoproject.com/en/dev/faq/install/#what-python-version-can-i-use-with-django\n\n # < Python 3.10 is not supported by Django 5.0+\n - python-version: '3.8'\n django-version: '5.0'\n - python-version: '3.9'\n django-version: '5.0'\n - python-version: '3.8'\n django-version: 'main'\n - python-version: '3.9'\n django-version: 'main'\n\n # Python 3.12 is not supported by Django < 5.0\n - python-version: '3.12'\n django-version: '3.2'\n - python-version: '3.12'\n django-version: '4.0'\n - python-version: '3.12'\n django-version: '4.1'\n - python-version: '3.12'\n django-version: '4.2'\n\n steps:\n - uses: actions/checkout@v4\n\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n\n\n - name: Get pip cache dir\n id: pip-cache\n run: |\n echo \"::set-output name=dir::$(pip cache dir)\"\n\n - name: Cache\n uses: actions/cache@v3\n with:\n path: ${{ steps.pip-cache.outputs.dir }}\n key:\n ${{ matrix.python-version }}-v1-${{ hashFiles('**/setup.py') }}-${{ hashFiles('**/tox.ini') }}\n restore-keys: |\n ${{ matrix.python-version }}-v1-\n\n - name: Install Python dependencies\n run: |\n python -m pip install --upgrade pip\n python -m pip install --upgrade tox tox-gh-actions\n\n - name: Tox tests\n run: |\n tox -v\n env:\n DJANGO: ${{ matrix.django-version }}\n\n - name: Upload coverage\n uses: codecov/codecov-action@v3\n with:\n name: Python ${{ matrix.python-version }}\n\n success:\n needs: build\n runs-on: ubuntu-latest\n name: Test successful\n steps:\n - name: Success\n run: echo Test successful\n", "logs": [{"step_name": "build (Python 3.8, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj32: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj32: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj32, clear=False, no_vcs_ignore=False, global=False)\npy38-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj32: exit 0 (6.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1994\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.95 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2011\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2023\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2031\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\npy38-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj32: exit 0 (0.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2035\npy38-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj32: exit 0 (2.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2043\npy38-dj32: freeze> python -m pip freeze --all\npy38-dj32: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2063\npy38-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj32\npy38-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application SGPnovV14C8FgplaOFbAIuLLo4ITOleVmWoNIRjs created successfully.\nclient_secret: C3Pd6TrBI97d8v9fgR0rL9kqzv81mcQPfCKAd76DxsbWNVchd1KBADllMSAVdpa8nY295z8lGL0doJTD9rQl1YGHjI0TMhPCKeKBqUwhgzKj7MYYLKr5M8POoTgY0u40\n.New application A0zUcQGrQGlJFLRZUFqiUTMsWbziz7NOW8meu61e created successfully.\nclient_secret: p0PhIonKaUAqkRZHvYVtfvcFeYj08gemsNel6s4TYPX49DEoIgf5mED6AgELdSgoTLPOgQczLSNlvK7ZQrkjUKXphTR7PP4yX2ISZKCbpdNDzT9uszdY7rEBbOGZGURh\n.New application someId created successfully.\nclient_secret: tUWeAjkjW9vhIQe7rRoG9PRNAKrqeboOxRufhDMVyIsyRjyKnWGPk5DF2c5mDaWouhYBUj8TzvUUWVK1INOtYiM8pbgjOJlqehu3BTbhVxETBFeiOJKmoTGjnfUaCIbQ\n.New application BY14Y6CLvBsX3P4m3L3vdrZ3obt07h1yHVPA2x9l created successfully.\n.New application TEST created successfully.\nclient_secret: 7eKui2UOuOoYMcsGfO87T9HQjPE3liWqOLpjvuyW66Se2lQKLcHtmUxpFI9xw3I2CM1Xi3o3cDZbmPI3WaoFJ4JUSERSE8v3Yp0OiUerzGv9ddVoEZXKTVoJtn2CtzAT\n.New application 2V3G2n5DEeZzNENsw6obFVI5d3yvUseS8bm1E7U0 created successfully.\nclient_secret: DgBNuIZy74DHbOOobykPFL9RJ0UY1ECdZhYoLQqyhBsCtRaXA0NSxIE3IkiKGbxJgfw2dbaF9CII63Ab8UPHmZMqrGcuLTMZbHl77ZSL0SUniZYOBddX2D3yljZcYkRh\n..New application BfuIhThqprDX923Cq87rCVga65r1F0olTWuPsM47 created successfully.\nclient_secret: nLJaiaNx7lHnOZ4Y2o8TR6rqtey8awuJMbCm5SGWXbfWfimfwUAfVp9Q00WE5zN9V4N5hfkXnrFPKndtDn6H0LhmnTpdTJ0eSewrY807NWPhIkMAVXUXKAeSP3GhsTlV\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n================= 6 failed, 441 passed, 36 warnings in 56.36s ==================\npy38-dj32: exit 1 (57.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2069\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2019\n py38-dj32: FAIL code 1 (70.10=setup[12.50]+cmd[57.60] seconds)\n evaluation failed :( (70.21 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj40: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj40: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj40, clear=False, no_vcs_ignore=False, global=False)\npy38-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj40: exit 0 (6.37 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1988\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.96 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2008\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2020\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2028\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\npy38-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj40: exit 0 (0.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2033\npy38-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj40: exit 0 (2.50 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2041\npy38-dj40: freeze> python -m pip freeze --all\npy38-dj40: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2061\npy38-dj40: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj40\npy38-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 8ffgJyzZPrslIKsSr3J10TaJ81kkTK3XzUtPWTut created successfully.\nclient_secret: x9fkoaqxjtIVaePbnzzfPdWL6fPgKnbDaolivxld10zZT5GSgnzEhAtrzidzEsRlnyMDfo8QCTMEwchcGRAqoWPqeyfixQU0VrXXqlzTpOyImY2g3mRYXW1lpTFhv5dd\n.New application YNhSUgMBVZr2cNu5ZyMevxtKMumUtFmRCzfTCuFA created successfully.\nclient_secret: YwhKrCqv0pb6nuqkkmi7jYk5d1AwrNthOpBv7uqSL9c7UHvvH4Pz3EwxLGoqwfsxBBut8POrVlUgbQKC8uW1byKTNQXALxP3L32tkdrcit42iAJZ9yk5532yEbtsKuHv\n.New application someId created successfully.\nclient_secret: MMPnvx621fHeR78x8diXblVe6CZBDVssBonKhFdxPPOk82K0MgqMvCJmhj8gZFcHlugNbErp0ErNa6aWqPwLBnAom3WGwaWDEAlqcQairYYoIqUARk3w9JSpZa2RZyg4\n.New application a3DVa76DMW4HR8b2Jcy4W9ih2sFtgCQaEvbgA6nK created successfully.\n.New application TEST created successfully.\nclient_secret: 0JLmjpTbsXKHYQI3k8EXGNi81S2b3eL61N53hRfmp9yyUbzcDE2pg1HcxIE4xs2R3CJcA2ePcakZ0qg6jFAR35yAfLjUOzAUTCI0KCBX4eHiVhMCW2jOLJiWDvP1fdfe\n.New application LrotnoGIieRQaHxy0CDU1nsaIY411plaOMaRJWrb created successfully.\nclient_secret: 1hDlfMsGHBemQXqkgu4HU7gHWuZvFRILz7UB99GjFThnqrxaQ894y3HyzLwx3cfITqT8UAJIVAHCHLo9lJZXvBqJ1M2sSiIKeGQezyGIvo4CxwBVCF5VgNmX0MMrXwvF\n..New application NaSoftMbFfb34XzaJPnlzWC1Uo31Fte8jz9CFmrt created successfully.\nclient_secret: rCyY0AoUIPDqEphTv9huQDeymz9AhYcTXjuhJKo69JTMLvt3U1osz8rvbVYIWUfh0xG7TLxRbsF20gdJW5Hgd1rQ9dG1GTROulZjtCyiPV19RI1N0MSdnImA3UwoSnIN\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 66.68s (0:01:06) =============\npy38-dj40: exit 1 (67.73 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2067\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n py38-dj40: FAIL code 1 (80.18=setup[12.45]+cmd[67.73] seconds)\n evaluation failed :( (80.27 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj41: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj41: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj41, clear=False, no_vcs_ignore=False, global=False)\npy38-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj41: exit 0 (8.15 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1922\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1942\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.28 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.56 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1954\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.36 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1962\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\npy38-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj41: exit 0 (0.73 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1967\npy38-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj41: exit 0 (3.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1977\npy38-dj41: freeze> python -m pip freeze --all\npy38-dj41: exit 0 (0.38 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1997\npy38-dj41: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj41\npy38-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application AiiS7OCtovqYWQRe283u9If1c2BURPHaSD6K4f2C created successfully.\nclient_secret: i0HAOa7gU6YLAHeHCPLBmMxUJFGe3aiuIOOpUjTMRKQ6aM90Yb0KYH9j9N1KkFB50DqEIZlyT6LgK144Bf95WpEXQyNp2l5RyAEZwOBnnb6nQyhyJrO8BjF22k3YK16B\n.New application JfMnr20aEkXWpWK07oAVLR48RvxPzB5N8xrqmolr created successfully.\nclient_secret: Wlcx916qZUljxnQ2MbkZgEgs0jRZinOe0UJEivtm99T4l5fqSJkVVinTIhG6ZM22XbpA4MsLUdVGnlMxgOsOzo9k3KnO5M39yysVTQymv9JxYkTYNZ1ZgQ8WIhypxCCq\n.New application someId created successfully.\nclient_secret: GOrIy1vfUdXQwSVrt1fxLFGDe2VuqwfizBySeh6tk3dD29gW8Z5dVOH4WwStZ06GABOzU9hPHdjckphQP936T8JF2hP5ehc6KEpTW1G6SjrQ1aL29poOhuVRkmLERFWF\n.New application XUa4x6EPWjvDod6EplqyQNZGPmUj2zxx7d3eTy1J created successfully.\n.New application TEST created successfully.\nclient_secret: fzr5yWSpWojvGvFzdZF8cU1Yf7QuI2houq0csGhZqKICmtXz0BILIJc00krUkb0jltzWLry6cQCtXag3Tm77ktuU4P9v23dCBEtfB3VEoS9rmB96vDIPNsVLhr4Gog0w\n.New application KN1Vs4kuVg0Zaj4gTbbfg6qQA63ZUNK0DB5CKTbr created successfully.\nclient_secret: NtscdAQp1ImfqrOTuy4YbMEI8Zi7SbtysJVWkJ7jeb5he5T7B83PX6YVXo1XZKK3wEbYGQqi1rY3pF6SQLMHqA8bOZ2BYnHYq94ScItiQqe0CgJ3wsU07mG6uxeNnhGS\n..New application nhk1Qfwf6O6ZLN4dsfVnxDezrJDWJwzUum3OjwO6 created successfully.\nclient_secret: vel2R5D187rsCP0Ly6NbrdKguUguM6iVyrLRKbcwdnCyrlbRyaF16WrOS2pFev2cVtunIUavZb3MTP4wVqIiIZ3whrRABXK374nkQsAp8AGWkxO8prv2RcfZkuyrHn1H\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 190.52s (0:03:10) ============\npy38-dj41: exit 1 (192.18 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2003\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1950\n py38-dj41: FAIL code 1 (207.75=setup[15.57]+cmd[192.18] seconds)\n evaluation failed :( (207.92 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.8, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy38-dj42: find interpreter for spec PythonSpec(major=3, minor=8)\npy38-dj42: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy38-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py38-dj42, clear=False, no_vcs_ignore=False, global=False)\npy38-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy38-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy38-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy38-dj42: exit 0 (6.55 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1972\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.8.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.8.18/x64/bin/python, platform=linux, version='3.8.18 (default, Aug 28 2023, 08:27:22) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (0.93 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1991\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2003\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2011\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\npy38-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy38-dj42: exit 0 (0.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2016\npy38-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy38-dj42: exit 0 (2.51 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2024\npy38-dj42: freeze> python -m pip freeze --all\npy38-dj42: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2044\npy38-dj42: asgiref==3.7.2,backports.zoneinfo==0.2.1,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py38-dj42\npy38-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.8.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py38-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application HapGaVbfs3HskLO5TaWJbajm0YslPTPBVjGZiVcL created successfully.\nclient_secret: AcU9gVcsF6xwJi7IsxXVDYNGJoRRBzF1dSZYsc5Kl0fvNuFdXAnPjkgxt9vAf74zjVkWKV9ZxGbOpP7Je4K7yw6QJpwtj77lRdUvSXtxsZgYhInp0nXPnniWlSkGYeKf\n.New application GG8kvmPp99iDTHwPBqfxOVFeRGuiAurqD6NJnseK created successfully.\nclient_secret: pzhx1nvKUkC9gLHMnaNcw2UVdR41Q59uz3xFL08aONKQuXEYGHriTW8Ou9ctH15VZ6iqvMmAewcBzft2jXzIz8iuMSXDfLGQZXVa5iYN4CtRDgbP9w0RGO5E7r6ru58D\n.New application someId created successfully.\nclient_secret: a5hgOVDO0MuCxWhTGegTQjpxdQesSMJ2meodaKCYNiFWndx8HrL6gjox0yPTUHw3YoF5jfwP44a77FIy3PcFaPMLvBJ6omM1C9Fu6gDvLDDBYT91HbE39TqAHzwBfCHz\n.New application yxSW0GsVV0Do0cjzE6zVywMvhNsPuiedtA5d0Fw6 created successfully.\n.New application TEST created successfully.\nclient_secret: Yx8Tzygxrj1XqxuaGUoCpD2HrGbTB2Gftpm3Rd53zsCwxjiOdbWQlBO06XslWl8amznJYrNQLTLwjsZRKzgMYKiPRIyD4doqQk0ry0rk9RJKfrUE5rpPdfTpTSgUUWlx\n.New application POIaRSiC6OkH9C2dPmW0FWTQEeNBdPR4psX9msJz created successfully.\nclient_secret: FRe2idqIWoiEnF5EZnotM894swwH55bsKlc8z6smsvak4qEo93bQUhjmzSOyCF85u6SkpMeuJAxqKZgwbacsD90ZTLmuQenNxIWaxXIFFJs7mEj4OWXqoYh1dIzMgE7d\n..New application vjSzpyV5jxT0BJT89fTRIWwTm1Nzu3i2Sm5yBBmX created successfully.\nclient_secret: rK0inbKt5ct8IjQ5xeBW71obhf62T7eQQISf0DAiwNLTHd0UYCNKDDEHdXxb60iU4TNNA8d0aaBYAjH1Icx5Ae2I0xa2IFRlgA5822ruUOlyxoUSF1ugR9pAm9HuyuLf\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 114.96s (0:01:54) ============\npy38-dj42: exit 1 (116.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2050\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1999\n py38-dj42: FAIL code 1 (128.66=setup[12.63]+cmd[116.04] seconds)\n evaluation failed :( (128.75 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj32: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj32: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj32, clear=False, no_vcs_ignore=False, global=False)\npy39-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj32: exit 0 (8.70 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1998\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.84 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2015\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.39 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (1.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2027\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.39 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2034\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.12 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\npy39-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj32: exit 0 (0.82 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2037\npy39-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj32: exit 0 (3.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2044\npy39-dj32: freeze> python -m pip freeze --all\npy39-dj32: exit 0 (0.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2060\npy39-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj32\npy39-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application oFVpVK0R8xQDioMz7vLmr4JRc0aY4fy0ICeKV6Xb created successfully.\nclient_secret: 9j0dku8KjS1zbcoDNNOYAbLYF5h3jCpTDVx6DCBBkKUUNeNBOmtId0BUmABq3lfBsFLum4Yctrqtrzc02vvc8ysOajewCWoGby35o9NoP5aXlVritAR6zc7QoozKONgc\n.New application IPkqDhYMIrX4q6tuPlK7AR5T1VtAcHIkxPRZ8yxn created successfully.\nclient_secret: RQUdft7FhWo2RRmlgsnnJHGZRcTa0nIdjnhUol6QjYYhZOr801qLOhC1cMQtIIUdv3nAW6GCjnhR0Z1eIN5wQVVBXP8wEDoqD5vndiHyLoIzYqitexho85PAnOSfpyvy\n.New application someId created successfully.\nclient_secret: AnjMQovAmC2fYBwqJjx1MuhYN0enPKDTUjiEfkcllGGyAp3T1pVxB084DsGiSTTzWIbnDcodpEJgeTFGfJEJdpf82VhkKrsaQPpopOE0vS9X3ZvQN9mF4y7bZDMb50aq\n.New application tRX0RmNoEOX8XUB6RFlRzp92Ym9gcDVIjlNCKt1P created successfully.\n.New application TEST created successfully.\nclient_secret: NZlaf3SltMfJETINm10R1QBp7frF5chPGeQ5fDuQAYsRI55DkdPtE3sMHxcJ2zZtNN96lz0nbjwEPdDPJHCNlavIX9tHKNcPfbFnNdXJOZj0qbshwq4Jivkc44DdFp2q\n.New application 53IsFEGQ0KUNAd0uaLOrtcfDHVfXX5qyQkaKZP1v created successfully.\nclient_secret: UUb6VdlVOCIyRvE12ucAnsvMZYuh4XKZC2CMkf7AYfU4DmcnTUa85RN97F1dCMfi1uOgJUGwC6xtjKUa04yU3fBmBoqvHMlvHPjY7z9hi8ysvYEbDrvgoZTxf182Qd1K\n..New application JNZE5t3vEd6qB4suWQAwthmvJ8MkZAWjuNphj2Xh created successfully.\nclient_secret: q3p5JdRQAmtnQH8SRGIibjlbJIjIm72wYln9iEeRFOsCnRabXdep3J0Y1M9YfROgOJbIXLv0JHj9b6qT0qh3ol5YcnkmCkeusSDC6E876szjB38HhbDFc383gYktDRoj\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 124.50s (0:02:04) ============\npy39-dj32: exit 1 (126.64 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2065\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2024\n py39-dj32: FAIL code 1 (144.47=setup[17.84]+cmd[126.64] seconds)\n evaluation failed :( (144.81 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj40: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj40: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj40, clear=False, no_vcs_ignore=False, global=False)\npy39-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj40: exit 0 (10.90 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1911\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.65 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1927\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.78 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1940\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1948\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.15 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\npy39-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj40: exit 0 (0.99 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1951\npy39-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj40: exit 0 (4.17 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1958\npy39-dj40: freeze> python -m pip freeze --all\npy39-dj40: exit 0 (0.55 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1973\npy39-dj40: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj40\npy39-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application ilev2rtNmXiLPemMzBOr248e3GKQNnhBKJHi8pZw created successfully.\nclient_secret: 9whFzAdklAzFSolnOoghp5Cw5pLo3lyL6y04Aex5ZaV18HgTcuLFbX8KLdKcHjfPeDp7Rv7iTdXDKHqp0xzG3g4f0orueF6ZigzoMIHxkEDCVZmdwk9W3gZmukB71tSe\n.New application SqUJA9ZxJCnErDPv8Ex7shlUeRRqmCGBmK3Q5weT created successfully.\nclient_secret: pJA75X6IC2pEaZKX6qck0D7FuzWee6dHin3JXI75IBBsxwcQiQ1LWMjtgq89lzUwy0RcDiB2TMZx0s9EPyxCnBAwQUvC9MaXtHX1qQXrye0DfoNOQd49C6M5AcYXd0W8\n.New application someId created successfully.\nclient_secret: PohJnsEENJVW00rN5ARoEluJDtPXlA7PaOAhTveDvwCk6b1tJG0WicNVMzEu6r3Flj7znw5Jg7vIJJFM1E9F0IhgK9l9iVfaYabuqFxSksbXqELKBMvuXHU7c5uTzkqH\n.New application PGiX56msbcc6qigWjHOmstdf6tyDUNFMxFNXD0Uj created successfully.\n.New application TEST created successfully.\nclient_secret: 3MZACBvQOHeK2PJFdv897iQzSA57njGlGMXILWpurMoOyPhcmVFIvCF4veOGeNSWw9ALD7YbLup0X8S0hAPQeA6vxeVunqDNL7ylIbiealmSsswlM4qajYwM5Akoeh8k\n.New application RXBDhG90stR3Mnitwu0NOCeJCmNy2uAoebmCVWb0 created successfully.\nclient_secret: a12nKunooClroEPTQ8HkDJl3c0QhDduMIPYgaeO3s8KQJYMQNsyfV1uaN9NISPodfzAzoPjYnEgTKlOtirw819DB9REYIpIlBhxbMOF1SidH1Jdx0JJXSgng1pFLf6nQ\n..New application 1j8MnmpZ5s8YqdjR7NJahpf1oFzjWfgLJci0EsyU created successfully.\nclient_secret: HXcL5dz3OGi1eLeAH4WtM7xqafWct7EgJ72aHfNnKixCKhHNbWZ5G2CK6PgppI0OrYBRFLsXtx9vUDnglQowSyREouTfyhKXDW4GcceZ6NsNIMErMdQtaqa9kUKqu1kE\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 183.13s (0:03:03) ============\npy39-dj40: exit 1 (184.91 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1978\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1935\n py39-dj40: FAIL code 1 (205.90=setup[20.98]+cmd[184.91] seconds)\n evaluation failed :( (206.04 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj41: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj41: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj41, clear=False, no_vcs_ignore=False, global=False)\npy39-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj41: exit 0 (7.12 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1965\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1982\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.23 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.50 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1992\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2128\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\npy39-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj41: exit 0 (0.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2131\npy39-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj41: exit 0 (2.55 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2138\npy39-dj41: freeze> python -m pip freeze --all\npy39-dj41: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2154\npy39-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj41\npy39-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 3hsy2XP5gAfcnGkCPqHY1Gm7TbJafasrI8ODssVh created successfully.\nclient_secret: 0nH6ivbYKKSYaX3ANEvTiSnVBCGEu8lUjW0akCq0eEEAgpfhuJZ6pOiQT4vDxkNxcRQ2R7Gwyw1LOwPpDgpZy6Jixzhb7kW2iDzvjk2Qy5qmLXAe83cES7ldDCEsA4NS\n.New application bhq0GycVPhE2GKovBj2nXP0Rv7JXuy6bD9X4oVO8 created successfully.\nclient_secret: ekuc3xLWw0FVk61XtgB9aSFhoJFZ0p3DFL7M5iBeBAeADuK3zche0d08JKhljNGSWYzbhbS6MmrUHTJCt7gvZIriDRQ6KthyhkfSYridBkY3HeHvoYcwoTB1MCLfLkbF\n.New application someId created successfully.\nclient_secret: uH8tPOWriXP5UC4Pgi9777rqlr35cMf6kKBmfylRG3WaqqESDfKdd3j6Y3ibJGAblIXOX5TWkeeHkGwJszP8QGSQQwmA0rFHMknrRjZdLOdQSfPkiZRQ4qh4nxYFe704\n.New application PBcGnfQJeUMD05oYShOp41pSWLYNmfCmjFLLIPx7 created successfully.\n.New application TEST created successfully.\nclient_secret: rEmR60goZA5GJyHtHkSB84RaSc32cLa4gtErjNVZnVEg8dF4lsCgxYyklwHcVzDKadXsEXWeQ6jCkC8IVb7VPnnRCHHbAXzZ2Xw5uuU5hvzdj1SF14rSB1M1yLsvzbuW\n.New application 1gPsRngYmA40eDSDvv1n3jXWZmJJHTcQ6ydLLyXG created successfully.\nclient_secret: jzigP2pxdGQoR01TxQpTHkytjIwT2Jh1kVbrNTwFYhm4DNg2q86Sxga8YKbNbEnEXZ2CdLvmLa2tpTmZe2IBhjcmpCufJsu4GW3ODzGc5Jm5MVQ7lEN1v3oBvvnzGFaS\n..New application tZjY81oaifwngnhx2iNuIOXhnQuSysJaQLwKYTLt created successfully.\nclient_secret: zoXfTSFZcef2m2FbTSLr3SnUk4hcIiOSQz2Zj9hEbmWUFYvhpIZdFilGOEH4NdyFrxCXtNcpsREITL3RAzK5so22SBdWcfGmL4eHexnQ2u8IzeZyybTZ5Fi5AXerW2ws\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 79.48s (0:01:19) =============\npy39-dj41: exit 1 (80.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2159\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1989\n py39-dj41: FAIL code 1 (93.88=setup[13.39]+cmd[80.49] seconds)\n evaluation failed :( (93.97 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.9, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy39-dj42: find interpreter for spec PythonSpec(major=3, minor=9)\npy39-dj42: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy39-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py39-dj42, clear=False, no_vcs_ignore=False, global=False)\npy39-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy39-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy39-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy39-dj42: exit 0 (11.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2022\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.9.18.final.0-64, exe=/opt/hostedtoolcache/Python/3.9.18/x64/bin/python, platform=linux, version='3.9.18 (main, Aug 28 2023, 08:38:32) \\n[GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.77 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2040\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.35 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.81 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2050\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.51 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2057\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\npy39-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy39-dj42: exit 0 (1.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2060\npy39-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy39-dj42: exit 0 (4.23 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2067\npy39-dj42: freeze> python -m pip freeze --all\npy39-dj42: exit 0 (0.53 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2084\npy39-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py39-dj42\npy39-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.9.18, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py39-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application kpqxH6KUaZhquEVVPwVTmU2jhqFCbAqt9fRY690s created successfully.\nclient_secret: d1C6qB2yBJiyTjHBSR4cAB7jCgLvzXs6hJvAJa5LWkVEXsRmyDP3MMC239D8RWi5v2iMHH6JnkkoBzi8PUvsnH0iKLFCaLr1qXT4Th453YrcNFpcfP5s7s0D5iDqTgjE\n.New application qVpt9ZMFDGNIrhImw7ds73EgXQiLdtkBNhhR5zio created successfully.\nclient_secret: uieJphMB6qvj3ewv0DlI6cSOK3bTEvoOImDSRgAkkH2zl9mGbEITchKArU4a2FJYTp8J2WRjHARedeKDjfBcV21Tuqbxc5r7MwcjQy0gjeUP1Nd3l9uOyeeMXo0luLiR\n.New application someId created successfully.\nclient_secret: iGedrWdr45IhuPxD9wvLCT8mvWTVREzkvXSkUOQThFkKKGWm59qAYBb5O12Icqb3jeePDgiicRez0vFi18UlFs7e93oBeGa613oEuEVhEfW0SoMvysiRfYP7YeNJnOeB\n.New application Fj4G0QbChcVk6U4617uN8uzN14e4cGPa9DxLdkUH created successfully.\n.New application TEST created successfully.\nclient_secret: nxBbqbL5dgzgHNDkR8FQchvJAigUXtnX0FbxvJFr9hbRbYN8E9nZuX3MrusS6CPCfjC02L92v4MLxRv4bd7Hv0KoI4yCncVOiks4awveFKajDl1GAHST9TtvkmGM0SYG\n.New application 380gXjFhyw9CACFM4j6RPpB12kb8KvUjMI07CF7p created successfully.\nclient_secret: B6GlnOfGxAjF5wpP0NcgxbyOOH3i9H4PhHwxj9mAjQp5lx0jCP30nrACNdi3BsoRdnMQiAYlq4znCGWRryy8hq33PsVmyUoHmyfXMMJnssvB5Ng1diVQRR0CstdX4FJ7\n..New application GYhpcjsi3iNqAxIRBgke1C3ArlSSgupElxHTTNR3 created successfully.\nclient_secret: CaUkTzUvO18Jm4mWAmzBVT5OiwmxW77JW6jTjKvHF2pSCVOpHRSr8PGsTlaqhmuGoGsJ3RbnWrKldSoocDgZvvvAuwxQwvSoh1TiOENuJZHYCY6ZjTjqGSUc6zymG0Yf\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 333.61s (0:05:33) ============\npy39-dj42: exit 1 (335.27 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2089\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2047\n py39-dj42: FAIL code 1 (356.93=setup[21.66]+cmd[335.27] seconds)\n evaluation failed :( (357.08 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj32: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj32: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj32: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj32, clear=False, no_vcs_ignore=False, global=False)\npy310-dj32: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj32: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj32: install_deps> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj32: exit 0 (6.54 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<3.3,>=3.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1972\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1988\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1998\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2005\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\npy310-dj32: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj32: exit 0 (0.60 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2008\npy310-dj32: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj32: exit 0 (2.52 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2015\npy310-dj32: freeze> python -m pip freeze --all\npy310-dj32: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2030\npy310-dj32: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==3.2.23,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj32\npy310-dj32: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj32/.pytest_cache\ndjango: version: 3.2.23, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application nrWWUliGfHiZkWreGGJa1H65YQQ9Vo3ReLuUlKVT created successfully.\nclient_secret: LPLf3D3hU7rEipWQTnZyuCkZg5nxQpIaCycrUUX4VO3D8Ky4X6LejFtgq2tYoA8fbROut2AmavgUHFWmg9hDix5AIFEY46cCqbcsbL9J8AkeMNowwr4BUhzTvj85JTe1\n.New application nU8qLL0weqpd3m8b26KurJmyObRM1ICHwGX76T5d created successfully.\nclient_secret: PVylDwcNejfOLRlxYN9pzDuh1AAW2lA9g5neJJmyd2TnMmfuNty5vRbr4XtAbi7RDnrtTPp99KabwWRm5rtOz5TrnADF2oc8t7XJCAPpisFiGqeZWbC12uAaXbCGZSmM\n.New application someId created successfully.\nclient_secret: 01wuWJvvy2LIL23cO9smOosZ6Eer2rEPeesAlpTxHGhStOYh4oSfrIPMhdlvQikDfPYPRTL650NsyvuaUjcBtPTTTD2oi4cndImrSy6vaE7SCWPFNSYf6iwy4H7zD8UW\n.New application dT3F7TkN2JtAeiZ8JVCDi2hWBr8cheUGzk3MLpCz created successfully.\n.New application TEST created successfully.\nclient_secret: 93IMly91EfJBV7oR6k9tuRLgI9oyvuyPqCGmSIE3ILohRqdzpSe5n9EbCFHYHMSe9nDSqqSAdHXpRi88lbq0vBw7IO39vSeeuB28UIm4kmY20v6UIm4OkXp0Rwvg3xlB\n.New application nAcgr3AxfmWIffLKFRNpTMs0xiC2d95i5WRdAU8T created successfully.\nclient_secret: 4NtOpODsZSzsGryePeA8qXQWBxLJA2w5qL6nmlqHccmV9gPM6qAPibzpdwTQRA28JkVrECq1DIgpLZV6Lbij2mGa61tHmJl53yFmd6b9Kw6idf4shk209jTha3QTpiVJ\n..New application XaR7Qn0ZC5tQIvj5OkV83ueXqbqqo4Mslcx1fkzj created successfully.\nclient_secret: Qp7evftmOH81o2GFlvPdsyt8ZokLFYwD4L1VSQaO1bt5fyVodA6bno4QJGljckVYZKAqOlMT4UHosiIUbqm09b8El4WAMVpiykYkIE2zEgL31UaEHGEd31wLKTdNU83q\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n================= 6 failed, 441 passed, 36 warnings in 57.17s ==================\npy310-dj32: exit 1 (58.80 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2035\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1995\n py310-dj32: FAIL code 1 (71.62=setup[12.81]+cmd[58.80] seconds)\n evaluation failed :( (73.11 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj40: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj40: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj40: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj40, clear=False, no_vcs_ignore=False, global=False)\npy310-dj40: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj40: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj40: install_deps> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj40: exit 0 (6.86 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.1,>=4.0.0' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=2116\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2135\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.19 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2145\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2152\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\npy310-dj40: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj40: exit 0 (0.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2155\npy310-dj40: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj40: exit 0 (2.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2162\npy310-dj40: freeze> python -m pip freeze --all\npy310-dj40: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2178\npy310-dj40: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.0.10,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj40\npy310-dj40: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj40/.pytest_cache\ndjango: version: 4.0.10, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application JkxorfJUGeVBs7gi5lP8p5ORO9jqOPKDUtjlAEwv created successfully.\nclient_secret: jf3rgYRZQxwNu6MUP17PZphaAqtTPD4LRxQFy7upsVvDkWI5OoPpXmD84r4wkIq9Z9E97zgMYDh4ap1JcvNXjVh8zAaB4fyqFhS4vZ1TP5aIdAlVWSaGjZQMoa1s35MC\n.New application T3OiALB9oZAXnQJiCCQL6o6Zbo0pLd1UBeOtKy8j created successfully.\nclient_secret: Q7IW3V0OTYM2omFEZ20tHqsPhLAw52wzUZF4o6vjVRoDBMNoRfqHtnLxVoeXjhDRl1kbVJX3OFy3KJ96KvRrEbkxxonihhEqYbS2SflNGUudX9jj1CGtk0a2Vq3KbOHK\n.New application someId created successfully.\nclient_secret: 9XQpDIdwPBUZ80raJeiyEenmVVwTiH8HcfKAHNDbCzReKDjWkfAOFvonI9eIL4fJ16Uge8fk4z400nP1H6iJdIjcEvlLCViuPJPiWszShXew9oVZJIuse61wx4C7Pcz3\n.New application Tt9sk5ZxaV25cYVhSmhnrw9StptyGxcN8a2Gm6cz created successfully.\n.New application TEST created successfully.\nclient_secret: Y60LCFBcMZ7S7F0myvFgr5LcSHMVPREIKiUpRciKy13loyffAKyMFFUolqbsVJGh2dKPLNNwZVNwoaqIKzmBjaR7rc41IvPWXG6m9Pmu26vDXK5egwRpa9yhNMQFOtaQ\n.New application jGV59E719pFwj1GIPjMEo2IkhxtCJhJXy711xUOd created successfully.\nclient_secret: mZaAK7KrwHIjlzCsFZZ9U0QEIgYpWiWgwzQsMF5rYM2oGqHIDSg8jdOleNE8pD2SkKTgxkuhAE4e5YvuQFWAIkgIdX6CMYY93Z4ogN9HWriJupoAX8qdfjVsG0vGeRdG\n..New application 4JLgK2NaObN0LHUsuZExyCdaLqLTyOUoCa5QOdI3 created successfully.\nclient_secret: 7YdCz73HWJKqssencEqaIBwBc4XSASVJ2RG944H8zIkeciVq0UuJOwVlE8H2GYwpakzRzS60qiwMrPr1kvJgaxURZIGbjal2jdiTYACWBgIb8EokuQxQ6Eq52QymD2Q7\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 66.68s (0:01:06) =============\npy310-dj40: exit 1 (67.97 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2184\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2142\n py310-dj40: FAIL code 1 (80.94=setup[12.97]+cmd[67.97] seconds)\n evaluation failed :( (81.92 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj41: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj41: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj41, clear=False, no_vcs_ignore=False, global=False)\npy310-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj41: exit 0 (6.82 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1991\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.12 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2008\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.49 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2019\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2026\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\npy310-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj41: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2029\npy310-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj41: exit 0 (2.62 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2036\npy310-dj41: freeze> python -m pip freeze --all\npy310-dj41: exit 0 (0.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2051\npy310-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj41\npy310-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application C6DMwvfzCmE43pRbATYzwVUKGJCzgCrSGLQi5lNr created successfully.\nclient_secret: VMvQHFpLGhRvoDV3QtrKCeIDuh80KWUSJgq8ObyRGjHb5mpKjmCCCQY5RAq3lnEphrGfcQ2LpX8so2AF9ql3d00ROZAcDUi41rqXlCTJYEa65q83El1vN4ROoMNpGHXI\n.New application h4ORGb7SuSGoh6KakWnECq9oO5h95WQ5YtoCaCU8 created successfully.\nclient_secret: 1W5FUBKNqooUykFWBshwK6mfxe34t0ey2CXFMwnDugqj6EYwcgiDxCtfKSaz4Ke01B690256JxbtDJNg2pFaJskRvgOEndip0LD956upisexqubmAdTqHq4W6mihH29a\n.New application someId created successfully.\nclient_secret: 4QVli0EwvlRQhgWXdYmdjKiElHIcP9vdlT7p1pWYNGy6Ifpm2LIPhMmJl5e3EDhGrvifHiilc123VSSZ5nOXYCONCfHGQtV64zqFkmCjsgi1PVm6KIkmBRDtDpC8RQgD\n.New application q6T3BrIKLJSyHXgbBwbmokw238HTAMe9oyPBrw1z created successfully.\n.New application TEST created successfully.\nclient_secret: AuXo9vr2RdhR5IoH3QGLYdfD6c8Xh6yJFGJLC76CQDrn5A7PcFoRQNkAq39kWuU1jaLO4dGsTFUTADF4dAHtC3R2nFVfLOG68RpPEVQAguAZy89UgiuJ2SlXfHLqcfeQ\n.New application WpnwJwTWlQF4vPQqwkorqhQNVSOC7EyJ3XiydMOF created successfully.\nclient_secret: NHe7Ku3xROgN5LdpcrYdiDbwBy4SzNzJznRUlaWJsboL0Q395pwZAwHr37fdC3wCSdiDLx1bucmToGrqTCJKC2MnPW4tb5nNCaqOupZfBRzumWqjx6IoC4gZT1BaYGQh\n..New application Q6Za68aF12L1oKW7b9qO4BSZYusGuQkQsX5Zmlgn created successfully.\nclient_secret: LweZcxXnHqE8hfkMhbT45xMhGOyEwOfHidCCFSshxJzhsyLDZMOgQKE2Fjuw9gWaRhUtdWPpIQVHBchmLxDpuW2izPzlyb7RNrjfru1pHfu2DE8ezi7EEGWtsMs56zhk\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 80.00s (0:01:19) =============\npy310-dj41: exit 1 (81.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2056\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2015\n py310-dj41: FAIL code 1 (94.33=setup[13.24]+cmd[81.09] seconds)\n evaluation failed :( (94.88 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj42: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj42: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj42, clear=False, no_vcs_ignore=False, global=False)\npy310-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj42: exit 0 (6.72 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1990\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2008\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.20 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2019\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2026\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\npy310-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj42: exit 0 (0.57 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2029\npy310-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj42: exit 0 (2.52 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2037\npy310-dj42: freeze> python -m pip freeze --all\npy310-dj42: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2052\npy310-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj42\npy310-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application gWFVA4UUXrSbAxC8KdZaixdxbihBxkPAU3EBNOns created successfully.\nclient_secret: bV7YxNo0wAHhHYwVjoGqizj3EOVvLXJPU7zD0fRSF5CI7R59vJlL4Q1o5Cx6Wt8nHpyrefapbkG0g2m0yVrnK2e7TPCSfT6wPOtFoFCnLtHkkqu2gZy04Jmq4XM05wN4\n.New application 3FVaG9KtrfNPQNacKWIMwEKe3c8SCoI3bg66WN2c created successfully.\nclient_secret: m4JGUrlzq07KCzDlfcrGZoVOhRUPxYPAwNvniblkvwyeoRhRFJuDcgcBwgkVEvkseo7Fwl0m4P5Z1SehXjm8cZLEdcR8tpPpVMutdllyADzCvEYuX3IWaZXAsTy5fzsj\n.New application someId created successfully.\nclient_secret: duwZHu3praXPfFSJGUaI9OtGkdM3kx6iwWeHrHz9DNq16vOMluIoe21zg2HaX54WFcfMkABtQqGNqmYXleDUYm4feZZNCFYilNYl14CNOYHbqdEzhbNBCJwjMlud5NCi\n.New application 820EOQ3RhtV1GSZVhs5NK6V6KYJw3vFmHNVsbQsX created successfully.\n.New application TEST created successfully.\nclient_secret: 8gv84xobyvvpq8C5YrUPgI1G2ceD42jwuDjDGc8O42wnBvNtIsbS79AYlRv2wDcD7oJVg2qp7rEiqaG6CF3X7afNfofvXesjjKVME3Przc2cYIZEzuUZjVeHtcs5bTwH\n.New application oI0OaYVRpECHUpBca2nV1RMr2wkSsteeSkd9GduJ created successfully.\nclient_secret: 9xStuwHdt6A48nuaqHh7ODX06vSStNg66dHuoemrb0pNLiq4iYFKSAsG5FFFzic1V39YqRaUt6M6s82lTMr3VI9ZZmvQeS9ORFBA8nn4TorYeeWsgTlGt3Np63Cqxs0R\n..New application S3EFRKUg7LLoMyblonxeMJV4UxXixtt64Sek1aag created successfully.\nclient_secret: LIr8S8CxH0Ej1aJ5k0az5etRzNiilbpRftpLGA6rMK8ZMVJZOol6Q8EHuOZGMfnuBTeZ3uHZcw72AW5K9MYBkITcWj9AlLomT2XlKH0xKghCt6DKnfbuIeVepieZJ96J\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 116.66s (0:01:56) ============\npy310-dj42: exit 1 (117.82 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2057\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n py310-dj42: FAIL code 1 (130.70=setup[12.88]+cmd[117.82] seconds)\n evaluation failed :( (131.18 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.10, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.10.13/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.10.13/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.10.13/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy310-dj50: find interpreter for spec PythonSpec(major=3, minor=10)\npy310-dj50: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy310-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py310-dj50, clear=False, no_vcs_ignore=False, global=False)\npy310-dj50: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy310-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy310-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy310-dj50: exit 0 (9.96 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1902\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.10.13.final.0-64, exe=/opt/hostedtoolcache/Python/3.10.13/x64/bin/python, platform=linux, version='3.10.13 (main, Aug 28 2023, 08:28:42) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.98 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1921\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.72 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1932\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1939\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.17 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\npy310-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy310-dj50: exit 0 (0.89 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1942\npy310-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy310-dj50: exit 0 (3.83 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1950\npy310-dj50: freeze> python -m pip freeze --all\npy310-dj50: exit 0 (0.48 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1965\npy310-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,exceptiongroup==1.1.3,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,tomli==2.0.1,typing_extensions==4.8.0,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py310-dj50\npy310-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.10.13, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py310-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 3FbMv3XNAjTqkBWFtUwKajyTSr3YXzvG0yBkKria created successfully.\nclient_secret: M2o24Sfes8E4NNMgjekuyD8juLZXofE9gT2rBGeE4DwGVrPNtulIQ03Kfe7INGs6ps7wWBi8KcNrDVjIzthoNIUTKME94JzCyJRqy83iZe6DvYGoa2Xq4DPoYGpYVHdk\n.New application cwokRe5Srf4p5hB5tnFSLGS0tkqgoNr1oDngTLHE created successfully.\nclient_secret: XmYRk1msmbyLODizib5jyL2NdFp5xiG5qZYdH6WeL6cBQlWXGSq2IpPC2XuHca9X3Txb6ovCWeHHzoooTLQ7KxUQ69v9SeHyAv3DUsEKVmlryuT3CF6CeMLUT2An22C9\n.New application someId created successfully.\nclient_secret: DIh6bcrNQtUFu6BDFSocgOodILa20AqAirSdzTlchMFrTcaOzCoJVWhgxgX48Br4BXqroxbQLYiLvKe4cJe5PcPyd5VCwM56gKHPdxt0djjtXYGzU0NZYH0AZ013sjoC\n.New application oFI46n4lGtWrP6qUIZRGFMsriTU11vfwRHYNjJOt created successfully.\n.New application TEST created successfully.\nclient_secret: RlwECbWO8Nw4CAjWEwiwcDj5cFK7sJ7H1E4kTbeL24Vhe0bChS2pWUSqiMbOfiRsca2ft1jvJOi0XnVsBlHlRSFZuxkzSNyteOnRj09HlDfXs4RujDd2dHGtpcgpojpz\n.New application ZQuAUL2wlcLm1rZodpKLp56DLcP0KPersLyc9IXf created successfully.\nclient_secret: 4pf2dInaqLLYSVAJv3cZ5PoX6xKN4pHk1InujaBNkKEailtaG6KE6Re26JMT0FD8Z0kedBbrR2Dfm6iOjhI4PILaxbxEe5EQ505nppAEvqf57VNxg60BoOkQiZTRlZEr\n..New application 0T5mtoEIVDEvv7lhGTa4xXiDHkzR9iLjjGaoPRJi created successfully.\nclient_secret: ZWSJk0h9SZPtbyNdbj4Noa8nIk0ptdKuCbqpO0JyVuZnpCDJwFw21UgSVIG0SEnzlWeHk3IMXpwSJPoAUznhwTaK6wiFw5Gsxo16C8Z6RqconTGam1bX9bT9EJWBuEX2\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 383.07s (0:06:23) ============\npy310-dj50: exit 1 (385.87 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1970\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.10.13/x64/lib/python3.10/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1928\n py310-dj50: FAIL code 1 (405.61=setup[19.74]+cmd[385.87] seconds)\n evaluation failed :( (408.15 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 3.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 3.2\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy: exit 0 (6.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1975\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.15 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1991\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.25 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2003\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2010\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\npy: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy: exit 0 (0.63 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2013\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy: exit 0 (2.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2020\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.33 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2035\npy: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py\npy: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application THU3mmO4GSTSkFtkpbzPxjxmh7qpv3BmJX70jmMD created successfully.\nclient_secret: HNpNQRP3jv1UR8Nx7fGQmqOTpPmn0c6YZs9A1Nfeu6N3ivvGgfScQfFJ1Z6pketILjTqjfBrvIwTkc0Cdg2mk4uv753CQVJDJlDK5ZW5RdUYsjkEumX9NZSetVEqYuk5\n.New application V5kUe1pq6awPjpl9yzuHi1W4TIgbLqqzpkptB8ub created successfully.\nclient_secret: DZqOHBCGvXENxwNEmHBHR9ZoYyeAbbbr0iporZ1SMRqaQHD9MtDTCQ7uHle3Nir99UZyGDm9bpHi9rTc1MlRzq8nRND0DQQHOAl6xv5w5ElivcnBZQb2RKwwSKxdwNa8\n.New application someId created successfully.\nclient_secret: IzA6VjosJCPJYHmX5ExuPHBhYW6QPQMAuYek2WlYBuMUH8MSBFBkziMBl1rai2spOviNWTBGz9U7qYedlEBUUEw3WvI1r0ZFJIot8VCWFxTNnUrruGD8Ce90YtdHyIJQ\n.New application PEY8nkZzasNamQASLpa9L0WUzb41k2Iniwbsucw4 created successfully.\n.New application TEST created successfully.\nclient_secret: 52CznLANg05y85os82TuXZtxG0XY1nNNT62o1NsySx3QQPgBLRBOzjLu2DSxGgZGUKBBcEUnPPUe0KsooYUles4Tuv7VNcJbgbvpTTlV2fsAaA7I90jn89FzgVa7dV8u\n.New application Uw0Y2CUXTqGmspDFR3ZVaIjqa9U965L87eK6O65n created successfully.\nclient_secret: zXJF7wLdmpjlfQEEnN516YYhZXijB4aiyBeyr3ueKYzpvBu9O6XcvZjccEyLL3UwngDxqk6yW5D977GYCCceaFGPP97iTFczFlIFJvCdO7Fg0tKOTW9qEGceRT5U3134\n..New application 0qySOYho4qp8zqaQuMN3eI3PMhSksRd4aqRvbZfj created successfully.\nclient_secret: hd1ekXpy2Bekt5iXUsYYUeMri3zIcujiNKxI6w4zwNSanUzy7hjDWklWussuf3nyGOU8LlF0be5sFpDW3wvT98hzaqvWXIEM0HWJkaRPmZu4mXXt3uzn7I1bUPRT0pxI\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 115.81s (0:01:55) ============\npy: exit 1 (117.15 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2040\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2000\n py: FAIL code 1 (129.56=setup[12.41]+cmd[117.15] seconds)\n evaluation failed :( (129.65 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.0\n##[endgroup]\nROOT: running tox-gh-actions\npy: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\npy: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py, clear=False, no_vcs_ignore=False, global=False)\npy: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy: install_deps> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy: exit 0 (6.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1993\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=2009\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.38 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2019\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.29 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2027\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\npy: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2030\npy: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy: exit 0 (2.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2037\npy: freeze> python -m pip freeze --all\npy: exit 0 (0.32 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2052\npy: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py\npy: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application lOfbrqfPhoo5DUbQVU40rWTueojCtFUoFKjZAqkX created successfully.\nclient_secret: LY4jCu7bMTJkyEz2qSLJdUPRC1qNxlZnWYYeKsH7NlTS9mnufrAd3D9b9espUCkZzxTP2lLAZCvnPoWGxFWY5v2QYrQsIJhgyJtNdlRZhWzF5EhnUwFCw21K1brxkZce\n.New application Mw0E4XEV41UQgnxEp0FDhdV8UyGcKn9iDQvlM2hS created successfully.\nclient_secret: EQWSF7niC8zRtbyp89cJ0RVcQImOhG9rX8q7pSvDsVtAu7yMCL0O76XxvCSw9jABLIhxQvFGOJ9P8Y4aS6QiZpND6q3T8BpHlsmUI6ESnAzFeMUaQUmNzWuGRW35iTe4\n.New application someId created successfully.\nclient_secret: dPV44igsj4awjkZCfPB8IsVBazpgdseu2pqrtH6hS6XIjg3HKOP5mtX393z7E77EAUA6PGKb9M7IIFZY5MW5O8SqaN5H73oL12o1PSoDdZnmFQTe13etewIOC2rBoTwO\n.New application 2mOJPMCJvl796t08Ks3UVlEffEuXign3BjsLyUPH created successfully.\n.New application TEST created successfully.\nclient_secret: VvGcKut02aVaBjbYapJeQUaiM4R0rUCNSklB96ovlidOX6IPBXpLnbhEmocD1qesIVHXNb42pc6I5Hrp1oKI76ftwgBHmj0H6lNKKTRLB049klTR1MuoowhagH2pEzau\n.New application nIsHwQxChwkKoxO675nxJIFeqYkLHV73A0R9UoBe created successfully.\nclient_secret: 6rWYWrvnMNJVfNxRyVURA6JWEYxbWZDveA1tcujfJsee1wIqYeBPrG6q1F8yENlRPrkshtIz3Xi7Jtbf087NM2IoOBpAKu51QeWRovDR9cPtN0VWYDCM2ALa11HvBDjp\n..New application 4MyRyGgBBcVzW6hvagjSuvh0WLABXTP0layakgBY created successfully.\nclient_secret: sBrXIMLeLKLjIPyRQMQE4cO45jiZfL8MqJDJMCzqvPmB2mPZfL7QbRWcnWZm3bBpv6415Fns4KoeVkAmbNiHpQztNyCIqocEWlKys9RFEfTO5c9473ZeiqUPo6a4g8vd\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 115.25s (0:01:55) ============\npy: exit 1 (117.64 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2057\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2016\n py: FAIL code 1 (130.00=setup[12.36]+cmd[117.64] seconds)\n evaluation failed :( (130.20 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.1)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.1\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj41: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj41: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj41: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj41, clear=False, no_vcs_ignore=False, global=False)\npy311-dj41: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj41: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj41: install_deps> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj41: exit 0 (6.21 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.2,>=4.1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1980\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1999\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.22 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.06 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.02 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=2009\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.28 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2016\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.09 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\npy311-dj41: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj41: exit 0 (0.61 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=2019\npy311-dj41: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj41: exit 0 (2.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=2026\npy311-dj41: freeze> python -m pip freeze --all\npy311-dj41: exit 0 (0.31 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=2042\npy311-dj41: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.1.13,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj41\npy311-dj41: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj41/.pytest_cache\ndjango: version: 4.1.13, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application 4g4IsBidQTUUDiKndn3pfjT90F3P1pAITVaeN27a created successfully.\nclient_secret: RSSFSrDij4jbGzS7UDeKncTqDlc1zoZkIa4AsBsjInUApkqXME8XAMsB8HDRDxZIqJruNWDcDVIWsvQqXXmIHLLpk5ytEw0q9Bcw4OWluKcfOVN2CAwcajk4HqMXqLAx\n.New application lnSpObazzJG3rbJoQjb4NiyoZK5EHPpkAAKshxdu created successfully.\nclient_secret: 8rTxyEJ0DhvTPLQ4LJkXecZZjbWXkDjFswuHhHSOOgCii5lsqeAcnVzar5jYjnaiCT9yYmKslaDeyr9zbdtT2kuRoFeF5KgylW6DIoCibGjydH5BI2J0aAqwoD8rjOfn\n.New application someId created successfully.\nclient_secret: sUw6rxz8bD1O7OMQtjZW2QMTCWhqnVmCFvH6bRIv41iHeR2KIOm1J2Bf4q1aMs6kPrLd5rNaclWBF3newGqlvK1bOkvoLlymqSvw6Fq8JFEVJqr5oWx2lVCLukxueEBu\n.New application JJk96hwXbQ8GcEjIYA58GvSldLylTts8GNEKw5dd created successfully.\n.New application TEST created successfully.\nclient_secret: CKbb9TYa93k2fM6rcCbk33ErSCfjVp0U5ZGTgpFu5HGw2oXXzkSQGLuIdpJrEiJtcmV7qUPMTgX42teDSExi04tsxIFpIpVdZQUjnGgHKsgnXsZgxaIiLiHU7WSteZta\n.New application Fia2bj2wQdNDSN4PAnnUwp3NXGBvP0I2inGTZsPi created successfully.\nclient_secret: O2NrI4v04gkckqxTuBVFjKntdJgbjjwpio6CNxURgCLhC004N9oE946rujkdKXd4fEJvqKbb1BwnuWvletThZna6ko2MEg6pccV5yQKJsqRHZ0vvSvjTRmW1bOwiXRNs\n..New application 46we10CjW4wR0MCDoqweIIVTSRItW2VASrpsaFfP created successfully.\nclient_secret: rdkb0SuSLy4mUgOuqHqM6ZlfMVnTf6iQHv3iKvUB2YcjrQIN5XxcLHyJiscQND8gM2LviScEF8CQb0mfmJtRdbqgH4YxePp8KdpwL2eiQWhdD9IBMVu2Wqw2krMShKjR\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 77.74s (0:01:17) =============\npy311-dj41: exit 1 (78.69 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=2047\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=2006\n py311-dj41: FAIL code 1 (90.99=setup[12.30]+cmd[78.69] seconds)\n evaluation failed :( (91.07 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 4.2)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 4.2\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj42: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj42: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj42: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj42, clear=False, no_vcs_ignore=False, global=False)\npy311-dj42: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj42: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj42: install_deps> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj42: exit 0 (7.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<4.3,>=4.2' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1931\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.34 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1947\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.56 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1957\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.36 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1964\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.10 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\npy311-dj42: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj42: exit 0 (0.79 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1967\npy311-dj42: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj42: exit 0 (2.99 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1974\npy311-dj42: freeze> python -m pip freeze --all\npy311-dj42: exit 0 (0.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1989\npy311-dj42: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==4.2.7,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj42\npy311-dj42: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj42/.pytest_cache\ndjango: version: 4.2.7, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application e3yqT1dDqMYvHiGCBVl7uJJpnU6hJfEExQa24p1H created successfully.\nclient_secret: ecqsw6kTp9c6dIXPWxtquaPTbLYuUmDT5hyv1P5yQU2YtYQ0U1aJFbQ5ps3EVlfpMjmM0HDhLmP9PlsFhFHpZF9MQ9Z5nzhX81As2TNPVrajuntEj5GvdUqsZHXwPhQN\n.New application 4xzGwzo4Mb3H3Ytar8aBMh5bAOuKzqQyns2LMvgH created successfully.\nclient_secret: AE8XA3FJ8n456cMUYNVoxNwtxYT6PM2MXUPgMk4eEaR34leuN0l24qEXXvhsxrOuj0QMk1cldAmELHRbeLx6P1G3iwTdvcZlwx0KnGL6OcHTz7UNMQc3YDBRf2Y2L2lw\n.New application someId created successfully.\nclient_secret: wtPR3mWgB4KP0SAxyyI1NwDQ9U3gzf1mwEKAwpmBGFEf1R5TV8SAqfLGS2hzzz9NWr2fXJIPRawyGYq0waf09U5s8TtMXv2ger3ysmctahviuUqQjjW0Np4edJ1bmKnd\n.New application vcxHrTjMYFyq1jb36cw89hGjD5Jd4tf1QT0a5GZE created successfully.\n.New application TEST created successfully.\nclient_secret: JUUjpLp8e8J3MMllbtZUW95Sn73QlDXfzAw0RVp8RIGxsc1rJ9uBkR04oXZMZgN4e6oVvDDMm3XZiRLVUXjsiCiO70SNZ124vyQs9VK9sZafsCg1suINFB8CqYRrBIWA\n.New application cFbrqE4p207YOYlTuXRwzcfKmrViS2iuskdZtp0G created successfully.\nclient_secret: J4RaSKbMxTWyrFYfgz11PsIBVNK6w1FocDrtg5L4A0xaMQAi4lQIgfCs3LfiSfDiAfJWpAMIAgULAKHQLSFGCKuIBdfS0PZh7x7UyiyHGmi4JNygDXj1RAF9jK6x6Mns\n..New application OTGBYDVkAayViD5IT4qqTiTPMbbNLLBJef3HLnCt created successfully.\nclient_secret: qCGE1EXD87JPh9XvP9iov6JWwja7OulGqn9hAhzcKK8TJ1j2nPOvUg3Jvqfscd8P5uaPjmgFdzGbJyepONXZF6m0cHvafs5GX2uvoP51mZEGHK5wGXRB8thUBsU45sYt\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 266.82s (0:04:26) ============\npy311-dj42: exit 1 (268.59 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1995\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1954\n py311-dj42: FAIL code 1 (283.42=setup[14.83]+cmd[268.59] seconds)\n evaluation failed :( (283.58 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.11, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy311-dj50: find interpreter for spec PythonSpec(major=3, minor=11)\npy311-dj50: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy311-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py311-dj50, clear=False, no_vcs_ignore=False, global=False)\npy311-dj50: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy311-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy311-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy311-dj50: exit 0 (9.45 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1896\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.11.6.final.0-64, exe=/opt/hostedtoolcache/Python/3.11.6/x64/bin/python, platform=linux, version='3.11.6 (main, Oct 3 2023, 04:42:57) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, setuptools=bundle, wheel=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (1.69 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1913\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.08 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.69 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1928\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.46 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1935\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.2\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.13 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\npy311-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy311-dj50: exit 0 (1.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1939\npy311-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy311-dj50: exit 0 (3.66 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1946\npy311-dj50: freeze> python -m pip freeze --all\npy311-dj50: exit 0 (0.47 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1961\npy311-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,setuptools==68.2.2,sqlparse==0.4.4,urllib3==2.0.7,wheel==0.41.2,wrapt==1.16.0\n##[group]tox: py311-dj50\npy311-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py311-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application BiEwoP9BMxvTM6BRD41fKpfldLKoewdMAbTG0mO0 created successfully.\nclient_secret: xlyqUqwBPx08XdRhJHtDBjOSsYtXORmjq0To8H6o1Fs1LTLgUQ7D5NzLi76E5GJt5VU0Gc7MzSTIyfMce63vJYTtBxZTfpSCDZOYQsb0AG4iSsVgV5J0OHu28aCY7Avq\n.New application i6u1bZmvvtJUyfT90C2ioGv66L11JY6LGFI1IUeB created successfully.\nclient_secret: 4Nuzgc0qrA3I1WBAT7PlMWgKCR5sy8VUSdSAbbjhgmyy4RzEuGRhdtYC0CEEnbGARrERQLJOi9wxeBf8eqkYMxFmVkWZD37hRT27bS7ENcCEX0KPaRPbLCJlTbZiUxop\n.New application someId created successfully.\nclient_secret: YFXK0Bh6j2ie2XudkwpHDeS5t4jZiSWrqYLJvJETS519AkDSc1bF3sGyzGhyYwaU12S1i9M0FhwY9Ww1W8IZUuX3Zg03ANObaFkx8F8I8PISjSIt08U4RO57naA6Umdu\n.New application dHDtzaczjHVq0RaupBfPiI9paMzUSno4LCvrWLjO created successfully.\n.New application TEST created successfully.\nclient_secret: rPr9EPPuY1KWLx5ZxflNsj9yfCrcXOlzYpIJgzio67zq0NlMZI0LANrw9gkINBWUWzz4nwZFIt5lwW8jSxKwYz3tbL71C27d1b2kj28KdfxcittHEufphDl5PE7szPfO\n.New application VkGFWbzDSMdGbhAj8FJXrg971791P0Dez0GBAXPV created successfully.\nclient_secret: s0UmUauKujie6dTkE7AAQoacTM8eR3hkTq93AykNY154gEP9nNQB9MRjz8dfeFLXVlXfeFvyYFEuA8CPVoK0BF8BO1YJ1S3n0PMiW0hCPMAx8wv00v4vIFRQPjE2cynY\n..New application hgpeBZ8j15aLsZGP6JNb6RuoqAennlLvwoj1goJZ created successfully.\nclient_secret: d4FRGkOFn5qwqm0Ob7J0VuooqaRG0MWVA2W1cz730EeAY0r7Le15BWUWJhIdxXw3j2veDkVI5pm4PvOOd8Bjrf4tVZDYqUVvoL8ZeDNirJSZTrGYKVNyCYsRVyJt9H3W\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 36 warnings in 381.36s (0:06:21) ============\npy311-dj50: exit 1 (384.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1966\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n py311-dj50: FAIL code 1 (402.80=setup[18.75]+cmd[384.05] seconds)\n evaluation failed :( (403.06 seconds)\n##[error]Process completed with exit code 1.\n"}, {"step_name": "build (Python 3.12, Django 5.0)/7_Tox tests.txt", "log": "##[group]Run tox -v\n\u001b[36;1mtox -v\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n DJANGO: 5.0\n##[endgroup]\nROOT: running tox-gh-actions\npy312-dj50: find interpreter for spec PythonSpec(major=3, minor=12)\npy312-dj50: proposed PythonInfo(spec=CPython3.12.0.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python, platform=linux, version='3.12.0 (main, Oct 2 2023, 15:16:58) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\npy312-dj50: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/py312-dj50, clear=False, no_vcs_ignore=False, global=False)\npy312-dj50: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\npy312-dj50: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\npy312-dj50: install_deps> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests\npy312-dj50: exit 0 (8.52 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install coverage 'Django<5.1,>=5.0b1' djangorestframework jwcrypto 'oauthlib>=3.1.0' pytest pytest-cov pytest-django pytest-mock pytest-xdist requests pid=1905\n.pkg: find interpreter for spec PythonSpec(path=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python)\n.pkg: proposed PythonInfo(spec=CPython3.12.0.final.0-64, exe=/opt/hostedtoolcache/Python/3.12.0/x64/bin/python, platform=linux, version='3.12.0 (main, Oct 2 2023, 15:16:58) [GCC 11.4.0]', encoding_fs_io=utf-8-utf-8)\n.pkg: create virtual environment via CPython3Posix(dest=/home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.pkg, clear=False, no_vcs_ignore=False, global=False)\n.pkg: add seed packages via FromAppData(download=False, pip=bundle, via=copy, app_data_dir=/home/runner/.local/share/virtualenv)\n.pkg: add activators for Bash, CShell, Fish, Nushell, PowerShell, Python\n.pkg: install_requires> python -I -m pip install 'setuptools>=40.8.0' wheel\n.pkg: exit 0 (2.63 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'setuptools>=40.8.0' wheel pid=1918\n.pkg: _optional_hooks> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.16 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: get_requires_for_build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.04 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: get_requires_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.03 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: install_requires_for_build_wheel> python -I -m pip install wheel\n.pkg: exit 0 (0.62 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install wheel pid=1928\n.pkg: freeze> python -m pip freeze --all\n.pkg: exit 0 (0.40 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1935\n.pkg: pip==23.3.1,setuptools==68.2.2,wheel==0.41.3\n.pkg: prepare_metadata_for_build_wheel> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.05 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n.pkg: build_sdist> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.11 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\npy312-dj50: install_package_deps> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0'\npy312-dj50: exit 0 (0.81 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install 'django!=4.0.0,>=3.2' 'jwcrypto>=0.8.0' 'oauthlib>=3.1.0' 'requests>=2.13.0' pid=1938\npy312-dj50: install_package> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz\npy312-dj50: exit 0 (3.30 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -I -m pip install --force-reinstall --no-deps /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/.tox/.tmp/package/1/django-oauth-toolkit-2.3.0.tar.gz pid=1945\npy312-dj50: freeze> python -m pip freeze --all\npy312-dj50: exit 0 (0.44 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python -m pip freeze --all pid=1960\npy312-dj50: asgiref==3.7.2,certifi==2023.7.22,cffi==1.16.0,charset-normalizer==3.3.2,coverage==7.3.2,cryptography==41.0.5,Deprecated==1.2.14,Django==5.0b1,django-oauth-toolkit==2.3.0,djangorestframework==3.14.0,execnet==2.0.2,idna==3.4,iniconfig==2.0.0,jwcrypto==1.5.0,oauthlib==3.2.2,packaging==23.2,pip==23.3.1,pluggy==1.3.0,pycparser==2.21,pytest==7.4.3,pytest-cov==4.1.0,pytest-django==4.7.0,pytest-mock==3.12.0,pytest-xdist==3.4.0,pytz==2023.3.post1,requests==2.31.0,sqlparse==0.4.4,urllib3==2.0.7,wrapt==1.16.0\n##[group]tox: py312-dj50\npy312-dj50: commands[0]> pytest\n============================= test session starts ==============================\nplatform linux -- Python 3.12.0, pytest-7.4.3, pluggy-1.3.0\ncachedir: .tox/py312-dj50/.pytest_cache\ndjango: version: 5.0b1, settings: tests.settings (from env)\nrootdir: /home/runner/work/django-oauth-toolkit/django-oauth-toolkit\nconfigfile: tox.ini\nplugins: django-4.7.0, mock-3.12.0, cov-4.1.0, xdist-3.4.0\ncollected 447 items\n\ntests/test_application_views.py ......\ntests/test_auth_backends.py ..............\ntests/test_authorization_code.py ..................................................................\ntests/test_client_credential.py .......\ntests/test_commands.py New application OTs2kcg7aDtIo4eermdAD79LYD1ZoAmF8XSmvRzn created successfully.\nclient_secret: Vfq8711rP2oi8ESVApgNTixX2h2Q3SBMoij3IlD9nwQ0JnkDgVZwomBtKN6rKhHeeg0RImwfKaozSFW9UUFnkYSRjYH4ikJuwtV63q27X4HMD7jegbL9alZn16PTHAeT\n.New application 87wCYqhPJSAXZqSYspVmIujA8SBWHsHBzkiZGDza created successfully.\nclient_secret: xOdhn9wHtBI7l2pDyiFaILa06CFbKyXByTgBCpJC6gkNLeT0fkILkJrXHgvmcpcITdsB3lQk71CDGyuLmVB5Ad37dO4xNlnZ7l80SKMGZGG8eueVhawUQwsunrIchi4X\n.New application someId created successfully.\nclient_secret: t6ad2GUQc4HlDCDgnTWLj2Xf5ulsWmz7pr3DMtu89VwhpboLI8iWoJ0uQjBFc9GQjURlzvkLEelxFACUUe0WYaehXkNNjoEPnizBKZzYS6ybIYCSZgo62jh1HrmMgF5P\n.New application XcOvfbLNpd4KkzoCFtCjcoXOU5V9vELFTpzm6vHS created successfully.\n.New application TEST created successfully.\nclient_secret: pC8utH6aTBnF1GOLsA84J2tAFzfXKpqgFIjxaKkOmA776PmBTKZlC9qW3FfAhvn6G7d818mRWlZPetTZBsLPAD4qRqdyEzbSH1boCBs5IbKZu6cYNASZrgie4NOpodL7\n.New application BUFvx1utgOLksuhZh9D5nUgNWzGDOCoKvUNVyTAO created successfully.\nclient_secret: WGI3GjGY5f2hTYkvi3GLmUAy83JoPRRYHazI8xwPmL5b9x3TbFzzSzgl8G4YsAh6r36lkNmKrzkwrUgml12nrImLGxs5tpaPHnrsNcEZcV2nkOW5DTbNnY16JioNchbe\n..New application 9Btab6mFEMRhzQySNTuHVFnYw6c1gWMCLdnqk1ou created successfully.\nclient_secret: dlNr83FyZY6ydDj2tFq2xdZuFwP53fnT06mAMUx6N8bHN5ct8IwU2aGizgzHIUABmrRK71plp8Xn8IOV1lPQLfw5ehNAdpzmFHpAhJf7iaMHaisvrLtZLVBBdMfvg8LY\n...\ntests/test_decorators.py ...\ntests/test_generator.py ...\ntests/test_hybrid.py ....................................................\ntests/test_implicit.py ..................\ntests/test_introspection_auth.py ......\ntests/test_introspection_view.py ..............\ntests/test_mixins.py ........\ntests/test_models.py ..................................\ntests/test_oauth2_backends.py ..........\ntests/test_oauth2_validators.py ....\ntests/test_oidc_views.py ...FF......................................\ntests/test_password.py ...\ntests/test_rest_framework.py ..............................\ntests/test_scopes.py ............\ntests/test_settings.py ...........\ntests/test_token_endpoint_cors.py ....\ntests/test_token_revocation.py .......\ntests/test_token_view.py ..........\ntests/test_validators.py .............\ntests/test_oauth2_validators.py .............................\ntests/test_mixins.py ......\ntests/test_oauth2_backends.py .....\ntests/test_oauth2_validators.py FF..\ntests/test_oidc_views.py .\ntests/test_scopes_backend.py ..\ntests/test_settings.py ......F.F..\ntests/test_utils.py .\n\n=================================== FAILURES ===================================\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url(self):\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n expected_response = {\n \"issuer\": \"http://testserver/o\",\n \"authorization_endpoint\": \"http://testserver/o/authorize/\",\n \"token_endpoint\": \"http://testserver/o/token/\",\n \"userinfo_endpoint\": \"http://testserver/o/userinfo/\",\n \"jwks_uri\": \"http://testserver/o/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...server/', ...} == {'authorizati...erver/o', ...}\nE Omitting 10 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:140: AssertionError\n_ TestConnectDiscoveryInfoView.test_get_connect_discovery_info_without_issuer_url_with_rp_logout _\n\nself = \n\n def test_get_connect_discovery_info_without_issuer_url_with_rp_logout(self):\n self.oauth2_settings.OIDC_RP_INITIATED_LOGOUT_ENABLED = True\n self.oauth2_settings.OIDC_ISS_ENDPOINT = None\n self.oauth2_settings.OIDC_USERINFO_ENDPOINT = None\n> self.expect_json_response_with_rp_logout(\"http://testserver/o\")\n\ntests/test_oidc_views.py:146: \n_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ \n\nself = \nbase = 'http://testserver/o'\n\n def expect_json_response_with_rp_logout(self, base):\n expected_response = {\n \"issuer\": f\"{base}\",\n \"authorization_endpoint\": f\"{base}/authorize/\",\n \"token_endpoint\": f\"{base}/token/\",\n \"userinfo_endpoint\": f\"{base}/userinfo/\",\n \"jwks_uri\": f\"{base}/.well-known/jwks.json\",\n \"scopes_supported\": [\"read\", \"write\", \"openid\"],\n \"response_types_supported\": [\n \"code\",\n \"token\",\n \"id_token\",\n \"id_token token\",\n \"code token\",\n \"code id_token\",\n \"code id_token token\",\n ],\n \"subject_types_supported\": [\"public\"],\n \"id_token_signing_alg_values_supported\": [\"RS256\", \"HS256\"],\n \"token_endpoint_auth_methods_supported\": [\"client_secret_post\", \"client_secret_basic\"],\n \"claims_supported\": [\"sub\"],\n \"end_session_endpoint\": f\"{base}/logout/\",\n }\n response = self.client.get(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n self.assertEqual(response.status_code, 200)\n> assert response.json() == expected_response\nE AssertionError: assert {'authorizati...'HS256'], ...} == {'authorizati...'HS256'], ...}\nE Omitting 11 identical items, use -vv to show\nE Differing items:\nE {'issuer': 'http://testserver/'} != {'issuer': 'http://testserver/o'}\nE Use -v to get more diff\n\ntests/test_oidc_views.py:108: AssertionError\n________________________ test_oidc_endpoint_generation _________________________\n\noauth2_settings = \nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation(oauth2_settings, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\")\n request = Request(\"/\", headers=django_request.META)\n validator = OAuth2Validator()\n oidc_issuer_endpoint = validator.get_oidc_issuer_endpoint(request)\n> assert oidc_issuer_endpoint == \"http://testserver/o\"\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_oauth2_validators.py:508: AssertionError\n______________________ test_oidc_endpoint_generation_ssl _______________________\n\noauth2_settings = \nrf = \nsettings = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n def test_oidc_endpoint_generation_ssl(oauth2_settings, rf, settings):\n oauth2_settings.OIDC_ISS_ENDPOINT = \"\"\n django_request = rf.get(\"/\", secure=True)\n # Calling the settings method with a django https request should generate a https url\n oidc_issuer_endpoint = oauth2_settings.oidc_issuer(django_request)\n> assert oidc_issuer_endpoint == \"https://testserver/o\"\nE AssertionError: assert 'https://testserver/' == 'https://testserver/o'\nE - https://testserver/o\nE ? -\nE + https://testserver/\n\ntests/test_oauth2_validators.py:517: AssertionError\n__________________ test_generating_iss_endpoint[django-None] ___________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'django'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n_________________ test_generating_iss_endpoint[oauthlib-None] __________________\n\noauth2_settings = \nissuer_setting = None, request_type = 'oauthlib'\nrf = \n\n @pytest.mark.oauth2_settings(presets.OIDC_SETTINGS_RW)\n @pytest.mark.parametrize(\"issuer_setting\", [\"http://foo.com/\", None])\n @pytest.mark.parametrize(\"request_type\", [\"django\", \"oauthlib\"])\n def test_generating_iss_endpoint(oauth2_settings, issuer_setting, request_type, rf):\n oauth2_settings.OIDC_ISS_ENDPOINT = issuer_setting\n if request_type == \"django\":\n request = rf.get(\"/\")\n elif request_type == \"oauthlib\":\n request = Request(\"/\", headers=rf.get(\"/\").META)\n expected = issuer_setting or \"http://testserver/o\"\n> assert oauth2_settings.oidc_issuer(request) == expected\nE AssertionError: assert 'http://testserver/' == 'http://testserver/o'\nE - http://testserver/o\nE ? -\nE + http://testserver/\n\ntests/test_settings.py:161: AssertionError\n=============================== warnings summary ===============================\ntests/test_authorization_code.py::TestOIDCAuthorizationCodeHSAlgorithm::test_id_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_authorization_code.py:1710: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_resource\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_token_from_authentication_server_existing_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_get_token_from_authentication_server_expires_timezone\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_post_resource\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\ntests/test_introspection_auth.py::TestTokenIntrospectionAuth::test_validate_bearer_token\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/oauth2_validators.py:396: DeprecationWarning: datetime.datetime.utcfromtimestamp() is deprecated and scheduled for removal in a future version. Use timezone-aware objects to represent datetimes in UTC: datetime.datetime.fromtimestamp(timestamp, datetime.UTC).\n expires = datetime.utcfromtimestamp(content[\"exp\"])\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:535: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"RSA\"\n\ntests/test_models.py::test_application_key\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/tests/test_models.py:546: DeprecationWarning: Call to deprecated function (or staticmethod) key_type.\n assert key.key_type == \"oct\"\n\ntests/test_oidc_views.py: 26 warnings\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/views/oidc.py:229: DeprecationWarning: This method is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This method is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_bad_uris\ntests/test_validators.py::TestValidators::test_validate_custom_uri_scheme\ntests/test_validators.py::TestValidators::test_validate_good_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:24: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme__bad_uris\ntests/test_validators.py::TestValidators::test_validate_wildcard_scheme_good_uris\n /home/runner/work/django-oauth-toolkit/django-oauth-toolkit/oauth2_provider/validators.py:107: DeprecationWarning: This class is deprecated and will be removed in version 2.5.0.\n warnings.warn(\"This class is deprecated and will be removed in version 2.5.0.\", DeprecationWarning)\n\n-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html\n=========================== short test summary info ============================\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url\nFAILED tests/test_oidc_views.py::TestConnectDiscoveryInfoView::test_get_connect_discovery_info_without_issuer_url_with_rp_logout\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation - Asser...\nFAILED tests/test_oauth2_validators.py::test_oidc_endpoint_generation_ssl - A...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[django-None] - As...\nFAILED tests/test_settings.py::test_generating_iss_endpoint[oauthlib-None] - ...\n============ 6 failed, 441 passed, 44 warnings in 344.84s (0:05:44) ============\npy312-dj50: exit 1 (347.07 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> pytest pid=1967\n##[endgroup]\n.pkg: _exit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__\n.pkg: exit None (0.00 seconds) /home/runner/work/django-oauth-toolkit/django-oauth-toolkit> python /opt/hostedtoolcache/Python/3.12.0/x64/lib/python3.12/site-packages/pyproject_api/_backend.py True setuptools.build_meta __legacy__ pid=1925\n py312-dj50: FAIL code 1 (364.51=setup[17.43]+cmd[347.07] seconds)\n evaluation failed :( (364.60 seconds)\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/CHANGELOG.md b/CHANGELOG.md\nindex 9e084b8..67bf633 100644\n--- a/CHANGELOG.md\n+++ b/CHANGELOG.md\n@@ -32,7 +32,6 @@ and this project adheres to [Semantic Versioning](https://semver.org/spec/v2.0.0\n * #1284 Allow to logout with no id_token_hint even if the browser session already expired\n * #1296 Added reverse function in migration 0006_alter_application_client_secret\n * #1336 Fix encapsulation for Redirect URI scheme validation\n-* #1363 Fix /.well-known/openid-configuration is redirected to /.well-known/openid-configuration/\n \n ### Removed\n * #1350 Remove support for Python 3.7 and Django 2.2\ndiff --git a/oauth2_provider/settings.py b/oauth2_provider/settings.py\nindex c5af9eb..552de8e 100644\n--- a/oauth2_provider/settings.py\n+++ b/oauth2_provider/settings.py\n@@ -295,7 +295,12 @@ class OAuth2ProviderSettings:\n else:\n raise TypeError(\"request must be a django or oauthlib request: got %r\" % request)\n abs_url = django_request.build_absolute_uri(reverse(\"oauth2_provider:oidc-connect-discovery-info\"))\n- return abs_url[: -len(\"/.well-known/openid-configuration/\")]\n+ if abs_url.endswith(\"/\"):\n+ # this is a deprecated URL kept for backward compatibility with old DOT versions\n+ # that used / as a default.\n+ return abs_url[: -len(\"/.well-known/openid-configuration/\")]\n+ else:\n+ return abs_url[: -len(\"/.well-known/openid-configuration\")]\n \n \n oauth2_settings = OAuth2ProviderSettings(USER_SETTINGS, DEFAULTS, IMPORT_STRINGS, MANDATORY)\ndiff --git a/oauth2_provider/urls.py b/oauth2_provider/urls.py\nindex 07365ab..cc0ec25 100644\n--- a/oauth2_provider/urls.py\n+++ b/oauth2_provider/urls.py\n@@ -31,18 +31,15 @@ management_urlpatterns = [\n ]\n \n oidc_urlpatterns = [\n+ # .well-known/openid-configuration/ is deprecated\n+ # https://openid.net/specs/openid-connect-discovery-1_0.html#ProviderConfig does not specify a trailing slash\n+ # Support for trailing slash should shall be removed in a future release.\n+ # oauth2_provider.settings.OAuth2ProviderSettings.oidc_issuer should be updated when support for trailing slash is removed.\n re_path(\n- r\"^\\.well-known/openid-configuration$\",\n+ r\"^\\.well-known/openid-configuration/?$\",\n views.ConnectDiscoveryInfoView.as_view(),\n name=\"oidc-connect-discovery-info\",\n ),\n- # this endpoint is deprecated. It is kept for backward compatibility with earlier releases of DOT\n- # which used a trailing slash.\n- re_path(\n- r\"^\\.well-known/openid-configuration/$\",\n- views.ConnectDiscoveryInfoView.as_view(),\n- name=\"oidc-connect-discovery-info-deprecated\",\n- ),\n re_path(r\"^\\.well-known/jwks.json$\", views.JwksInfoView.as_view(), name=\"jwks-info\"),\n re_path(r\"^userinfo/$\", views.UserInfoView.as_view(), name=\"user-info\"),\n re_path(r\"^logout/$\", views.RPInitiatedLogoutView.as_view(), name=\"rp-initiated-logout\"),\n", "difficulty": 3, "changed_files": ["CHANGELOG.md", "oauth2_provider/settings.py", "oauth2_provider/urls.py"], "commit_link": "https://github.com/jazzband/django-oauth-toolkit/tree/cede9afc77c91ffadcbc8f187267f6bbc8d52b77"} \ No newline at end of file diff --git a/data/python/cfbbed9.json b/data/python/cfbbed9.json new file mode 100644 index 0000000000000000000000000000000000000000..cb7f9225c51ad231b7cfc4c82a76f2f559ace93f --- /dev/null +++ b/data/python/cfbbed9.json @@ -0,0 +1 @@ +{"language": "Python", "id": 75, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "remove_count_queries", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "PetrDlouhy", "sha_fail": "cfbbed910a5d84c08f9af237cf6737502c456f66", "sha_success": "00e7b9c2dea1ec82ea39a3d957c0ed3142595c63", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 21.9 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 28.4 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 57.2 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 88.5 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 72.1 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 87.5 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\nCache not found for input keys: pre-commit-3|/opt/hostedtoolcache/Python/3.12.1/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.1/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.1/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.1/x64/lib\n##[endgroup]\n[INFO]\u001b[m Initializing environment for https://github.com/psf/black.\n[INFO]\u001b[m Initializing environment for https://github.com/PyCQA/isort.\n[INFO]\u001b[m Initializing environment for https://github.com/PyCQA/flake8.\n[INFO]\u001b[m Installing environment for https://github.com/psf/black.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/PyCQA/isort.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\n[INFO]\u001b[m Installing environment for https://github.com/PyCQA/flake8.\n[INFO]\u001b[m Once installed this environment will be reused.\n[INFO]\u001b[m This may take a few minutes...\nblack....................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted import_export/admin.py\u001b[0m\n\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\n\u001b[34m\u001b[1m1 file \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m56 files \u001b[0mleft unchanged.\n\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/import_export/admin.py b/import_export/admin.py\u001b[m\n\u001b[1mindex c5151ef..a39508d 100644\u001b[m\n\u001b[1m--- a/import_export/admin.py\u001b[m\n\u001b[1m+++ b/import_export/admin.py\u001b[m\n\u001b[36m@@ -747,6 +747,7 @@\u001b[m \u001b[mclass ExportMixin(BaseExportMixin, ImportExportMixinBase):\u001b[m\n \u001b[m\n class FakePaginator:\u001b[m\n count = 0\u001b[m\n\u001b[32m+\u001b[m\n original_get_paginator = self.get_paginator\u001b[m\n self.get_paginator = lambda request, queryset, per_page: FakePaginator()\u001b[m\n cl = ChangeList(**changelist_kwargs)\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/import_export/admin.py b/import_export/admin.py\nindex c5151ef2..a39508d3 100644\n--- a/import_export/admin.py\n+++ b/import_export/admin.py\n@@ -747,6 +747,7 @@ class ExportMixin(BaseExportMixin, ImportExportMixinBase):\n \n class FakePaginator:\n count = 0\n+\n original_get_paginator = self.get_paginator\n self.get_paginator = lambda request, queryset, per_page: FakePaginator()\n cl = ChangeList(**changelist_kwargs)\n", "difficulty": 0, "changed_files": ["import_export/admin.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/cfbbed910a5d84c08f9af237cf6737502c456f66"} \ No newline at end of file diff --git a/data/python/d1b0280.json b/data/python/d1b0280.json new file mode 100644 index 0000000000000000000000000000000000000000..fe45f61342c82a1fd911f4799d94c603ec11a021 --- /dev/null +++ b/data/python/d1b0280.json @@ -0,0 +1 @@ +{"language": "Python", "id": 69, "repo_owner": "tornadoweb", "repo_name": "tornado", "head_branch": "iostream-hostname-test", "workflow_name": "Test", "workflow_filename": "test.yml", "workflow_path": ".github/workflows/test.yml", "contributor": "bdarnell", "sha_fail": "d1b0280fb92d0d8590cf403ca46af3550507d4d2", "sha_success": "2da0a9912bc5207e2ac8207b40035377de3e1cd5", "workflow": "# The \"test\" workflow is run on every PR and runs tests across all\n# supported python versions and a range of configurations\n# specified in tox.ini. Also see the \"build\" workflow which is only\n# run for release branches and covers platforms other than linux-amd64\n# (Platform-specific issues are rare these days so we don't want to\n# take that time on every build).\n\nname: Test\n\non: pull_request\n\njobs:\n # Before starting the full build matrix, run one test configuration\n # and the linter (the `black` linter is especially likely to catch\n # first-time contributors).\n test_quick:\n name: Run quick tests\n runs-on: ubuntu-22.04\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n name: Install Python\n with:\n # Lint python version must be synced with tox.ini\n python-version: '3.11'\n - name: Install tox\n run: python -m pip install tox -c requirements.txt\n\n - name: Run test suite\n run: python -m tox -e py311,lint\n\n test_tox:\n name: Run full tests\n needs: test_quick\n runs-on: ubuntu-22.04\n strategy:\n matrix:\n include:\n - python: '3.8'\n tox_env: py38-full\n - python: '3.9'\n tox_env: py39-full\n - python: '3.10'\n tox_env: py310-full\n - python: '3.10.8'\n # Early versions of 3.10 and 3.11 had different deprecation\n # warnings in asyncio. Test with them too to make sure everything\n # works the same way.\n tox_env: py310-full\n - python: '3.11'\n tox_env: py311-full\n - python: '3.11.0'\n tox_env: py311-full\n - python: '3.12.0-beta.3 - 3.12'\n tox_env: py312-full\n - python: 'pypy-3.8'\n # Pypy is a lot slower due to jit warmup costs, so don't run the\n # \"full\" test config there.\n tox_env: pypy3\n - python: '3.11'\n # Docs python version must be synced with tox.ini\n tox_env: docs\n\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n name: Install Python\n with:\n python-version: ${{ matrix.python}}\n - name: Install apt packages\n run: sudo apt-get update && sudo apt-get install libcurl4-openssl-dev\n - name: Install tox\n run: python -m pip install tox -c requirements.txt\n\n - name: Run test suite\n run: python -m tox -e ${{ matrix.tox_env }}\n\n test_win:\n # Windows tests are fairly slow, so only run one configuration here.\n # We test on windows but not mac because even though mac is a more\n # fully-supported platform, it's similar enough to linux that we\n # don't generally need to test it separately. Windows is different\n # enough that we'll break it if we don't test it in CI.\n name: Run windows tests\n needs: test_quick\n runs-on: windows-2022\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n name: Install Python\n with:\n python-version: '3.11'\n - name: Run test suite\n # TODO: figure out what's up with these log messages\n run: py -m tornado.test --fail-if-logs=false\n", "logs": [{"step_name": "Run windows tests/4_Run test suite.txt", "log": "##[group]Run py -m tornado.test --fail-if-logs=false\n\u001b[36;1mpy -m tornado.test --fail-if-logs=false\u001b[0m\nshell: C:\\Program Files\\PowerShell\\7\\pwsh.EXE -command \". '{0}'\"\nenv:\n pythonLocation: C:\\hostedtoolcache\\windows\\Python\\3.11.6\\x64\n PKG_CONFIG_PATH: C:\\hostedtoolcache\\windows\\Python\\3.11.6\\x64/lib/pkgconfig\n Python_ROOT_DIR: C:\\hostedtoolcache\\windows\\Python\\3.11.6\\x64\n Python2_ROOT_DIR: C:\\hostedtoolcache\\windows\\Python\\3.11.6\\x64\n Python3_ROOT_DIR: C:\\hostedtoolcache\\windows\\Python\\3.11.6\\x64\n##[endgroup]\n...............................................................ssssssssssssssssssssssssssssssssssssssssss..................................................................................................................................................s.s..................................................................ss.........................................................[E 231114 03:18:04 base_events:1785] Task was destroyed but it is pending!\n task: .thread_manager_anext() running at D:\\a\\tornado\\tornado\\tornado\\platform\\asyncio.py:462>>\nException ignored in: .thread_manager_anext at 0x0000020E04B40A00>\nTraceback (most recent call last):\n File \"C:\\hostedtoolcache\\windows\\Python\\3.12.0\\x64\\Lib\\warnings.py\", line 552, in _warn_unawaited_coroutine\n. warn(msg, category=RuntimeWarning, stacklevel=2, source=coro)\nRuntimeWarning: coroutine 'SelectorThread.__init__..thread_manager_anext' was never awaited\n..........s..s.s........................................s......................E.........s.............................s......................................ssssssssssssssssssssssssss.......................................................s...s..s.s.......................................sssssssss........................................................................................................................................................................................s....s.ssss...................................s.............s...............ss..........s...................................................................s.............................................................s............................................................................s...................................................\n======================================================================\nERROR: test_no_match (tornado.test.iostream_test.TestIOStreamCheckHostname.test_no_match)\n----------------------------------------------------------------------\nTraceback (most recent call last):\n File \"D:\\a\\tornado\\tornado\\tornado\\testing.py\", line 102, in __call__\n result = self.orig_method(*args, **kwargs)\n ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"D:\\a\\tornado\\tornado\\tornado\\testing.py\", line 619, in post_coroutine\n return self.io_loop.run_sync(\n ^^^^^^^^^^^^^^^^^^^^^^\n File \"D:\\a\\tornado\\tornado\\tornado\\ioloop.py\", line 539, in run_sync\n return future_cell[0].result()\n ^^^^^^^^^^^^^^^^^^^^^^^\n File \"D:\\a\\tornado\\tornado\\tornado\\test\\iostream_test.py\", line 1200, in test_no_match\n with ExpectLog(gen_log, \".*alert bad certificate\", level=logging.WARNING):\n File \"D:\\a\\tornado\\tornado\\tornado\\testing.py\", line 758, in __exit__\n raise Exception(\"did not get expected log message\")\nException: did not get expected log message\n\n----------------------------------------------------------------------\nRan 1208 tests in 48.314s\n\nFAILED (errors=1, skipped=105)\nSome tests were skipped because: SO_REUSEPORT is not supported, at\nleast one client should fail connecting for the test to be meaningful,\nflaky on windows, needs fix, no testable future imports, non-posix OS,\nnon-unix platform, preexec_fn not available on win32, py312 has its\nown check for test case returns, pycares module not present, pycurl\nmodule not present, tornado.speedups module not present, twisted\nmodule not present, unix sockets not supported on this platform\n[E 231114 03:18:43 runtests:199] logged 0 infos, 0 warnings, 1 errors, and 672 bytes to stderr\nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \nException ignored in: \nResourceWarning: unclosed \n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tornado/test/iostream_test.py b/tornado/test/iostream_test.py\nindex 02318db3..02fcd3e1 100644\n--- a/tornado/test/iostream_test.py\n+++ b/tornado/test/iostream_test.py\n@@ -1197,7 +1197,12 @@ class TestIOStreamCheckHostname(AsyncTestCase):\n @gen_test\n async def test_no_match(self):\n stream = SSLIOStream(socket.socket(), ssl_options=self.client_ssl_ctx)\n- with ExpectLog(gen_log, \".*alert bad certificate\", level=logging.WARNING):\n+ with ExpectLog(\n+ gen_log,\n+ \".*alert bad certificate\",\n+ level=logging.WARNING,\n+ required=platform.system() != \"Windows\",\n+ ):\n with self.assertRaises(ssl.SSLCertVerificationError):\n with ExpectLog(\n gen_log,\n@@ -1210,7 +1215,9 @@ class TestIOStreamCheckHostname(AsyncTestCase):\n )\n # The server logs a warning while cleaning up the failed connection.\n # Unfortunately there's no good hook to wait for this logging.\n- await asyncio.sleep(1 if platform.system() == \"Windows\" else 0.1)\n+ # It doesn't seem to happen on windows; I'm not sure why.\n+ if platform.system() != \"Windows\":\n+ await asyncio.sleep(0.1)\n \n @gen_test\n async def test_check_disabled(self):\n", "difficulty": 3, "changed_files": ["tornado/test/iostream_test.py"], "commit_link": "https://github.com/tornadoweb/tornado/tree/d1b0280fb92d0d8590cf403ca46af3550507d4d2"} \ No newline at end of file diff --git a/data/python/d2b955e.json b/data/python/d2b955e.json new file mode 100644 index 0000000000000000000000000000000000000000..92dd9a8eaa759c828947da48ea1f0ec8d75e03c0 --- /dev/null +++ b/data/python/d2b955e.json @@ -0,0 +1 @@ +{"language": "Python", "id": 55, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "v4", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "lightly-ai", "sha_fail": "d2b955e269709a36812da8c882d84096710bf6f6", "sha_success": "715c567a426a4ca74fecbe47e0951b6611f85533", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/7_Run Format Check.txt", "log": "##[group]Run make format-check\n\u001b[36;1mmake format-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n\u26ab Checking code format...\nisort --check-only --diff .\nERROR: /home/runner/work/lightly/lightly/lightly/api/api_workflow_compute_worker.py Imports are incorrectly sorted and/or formatted.\n--- /home/runner/work/lightly/lightly/lightly/api/api_workflow_compute_worker.py:before\t2024-01-22 10:34:39.616318\n+++ /home/runner/work/lightly/lightly/lightly/api/api_workflow_compute_worker.py:after\t2024-01-22 10:35:58.211024\n@@ -16,8 +16,8 @@\n DockerRunScheduledPriority,\n DockerRunScheduledState,\n DockerRunState,\n+ DockerWorkerConfigOmniVXCreateRequest,\n DockerWorkerConfigV3,\n- DockerWorkerConfigOmniVXCreateRequest,\n DockerWorkerConfigV3Docker,\n DockerWorkerConfigV3Lightly,\n DockerWorkerRegistryEntryData,\nSkipped 2 files\nmake: *** [Makefile:45: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/lightly/api/api_workflow_compute_worker.py b/lightly/api/api_workflow_compute_worker.py\nindex 9ff99986..8b944c53 100644\n--- a/lightly/api/api_workflow_compute_worker.py\n+++ b/lightly/api/api_workflow_compute_worker.py\n@@ -16,8 +16,8 @@ from lightly.openapi_generated.swagger_client.models import (\n DockerRunScheduledPriority,\n DockerRunScheduledState,\n DockerRunState,\n- DockerWorkerConfigV3,\n DockerWorkerConfigOmniVXCreateRequest,\n+ DockerWorkerConfigV3,\n DockerWorkerConfigV3Docker,\n DockerWorkerConfigV3Lightly,\n DockerWorkerRegistryEntryData,\n@@ -243,11 +243,13 @@ class _ComputeWorkerMixin:\n lightly=lightly,\n selection=selection,\n )\n- request = DockerWorkerConfigOmniVXCreateRequest.from_dict({\n- \"version\": \"V3\",\n- \"config\": config.to_dict(by_alias=True),\n- \"creator\": self._creator,\n- })\n+ request = DockerWorkerConfigOmniVXCreateRequest.from_dict(\n+ {\n+ \"version\": \"V3\",\n+ \"config\": config.to_dict(by_alias=True),\n+ \"creator\": self._creator,\n+ }\n+ )\n try:\n response = self._compute_worker_api.create_docker_worker_config_vx(request)\n return response.id\n", "difficulty": 0, "changed_files": ["lightly/api/api_workflow_compute_worker.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/d2b955e269709a36812da8c882d84096710bf6f6"} \ No newline at end of file diff --git a/data/python/d2e06b5.json b/data/python/d2e06b5.json new file mode 100644 index 0000000000000000000000000000000000000000..7c4d5652ca19c62a06973c56b6ac2919832b380c --- /dev/null +++ b/data/python/d2e06b5.json @@ -0,0 +1 @@ +{"language": "Python", "id": 61, "repo_owner": "yt-dlp", "repo_name": "yt-dlp", "head_branch": "master", "workflow_name": "Quick Test", "workflow_filename": "quick-test.yml", "workflow_path": ".github/workflows/quick-test.yml", "contributor": "aniolpages", "sha_fail": "d2e06b56d64570ac18b90329ac791c155ce415db", "sha_success": "2121e472bab5ae519ff81a306afc35a6c906be59", "workflow": "name: Quick Test\non: [push, pull_request]\npermissions:\n contents: read\n\njobs:\n tests:\n name: Core Test\n if: \"!contains(github.event.head_commit.message, 'ci skip all')\"\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python 3.11\n uses: actions/setup-python@v4\n with:\n python-version: '3.11'\n - name: Install test requirements\n run: pip install pytest pycryptodomex\n - name: Run tests\n run: |\n python3 -m yt_dlp -v || true\n ./devscripts/run_tests.sh core\n flake8:\n name: Linter\n if: \"!contains(github.event.head_commit.message, 'ci skip all')\"\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n - name: Install flake8\n run: pip install flake8\n - name: Make lazy extractors\n run: python devscripts/make_lazy_extractors.py\n - name: Run flake8\n run: flake8 .\n", "logs": [{"step_name": "Linter/5_Make lazy extractors.txt", "log": "##[group]Run python devscripts/make_lazy_extractors.py\n\u001b[36;1mpython devscripts/make_lazy_extractors.py\u001b[0m\nshell: /usr/bin/bash -e {0}\n##[endgroup]\nTraceback (most recent call last):\n File \"/home/runner/work/yt-dlp/yt-dlp/devscripts/make_lazy_extractors.py\", line 132, in \n main()\n File \"/home/runner/work/yt-dlp/yt-dlp/devscripts/make_lazy_extractors.py\", line 41, in main\n _ALL_CLASSES = get_all_ies() # Must be before import\n File \"/home/runner/work/yt-dlp/yt-dlp/devscripts/make_lazy_extractors.py\", line 68, in get_all_ies\n from yt_dlp.extractor.extractors import _ALL_CLASSES\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/extractors.py\", line 17, in \n from ._extractors import * # noqa: F403\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/_extractors.py\", line 956, in \n from .laxarxames import LaXarxaMesIE\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\n )\n ^\nSyntaxError: unmatched ')'\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Core Test/5_Run tests.txt", "log": "##[group]Run python3 -m yt_dlp -v || true\n\u001b[36;1mpython3 -m yt_dlp -v || true\u001b[0m\n\u001b[36;1m./devscripts/run_tests.sh core\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.6/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.6/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.6/x64/lib\n##[endgroup]\n[debug] Command-line config: ['-v']\nTraceback (most recent call last):\n File \"\", line 198, in _run_module_as_main\n File \"\", line 88, in _run_code\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/__main__.py\", line 17, in \n yt_dlp.main()\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/__init__.py\", line 1008, in main\n _exit(*variadic(_real_main(argv)))\n ^^^^^^^^^^^^^^^^\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/__init__.py\", line 962, in _real_main\n with YoutubeDL(ydl_opts) as ydl:\n ^^^^^^^^^^^^^^^^^^^\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/YoutubeDL.py\", line 681, in __init__\n self.print_debug_header()\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/YoutubeDL.py\", line 3889, in print_debug_header\n from .extractor.extractors import _LAZY_LOADER\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/extractors.py\", line 17, in \n from ._extractors import * # noqa: F403\n ^^^^^^^^^^^^^^^^^^^^^^^^^^\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/_extractors.py\", line 956, in \n from .laxarxames import LaXarxaMesIE\n File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\n )\n ^\nSyntaxError: unmatched ')'\n============================= test session starts ==============================\nplatform linux -- Python 3.11.6, pytest-7.4.3, pluggy-1.3.0 -- /opt/hostedtoolcache/Python/3.11.6/x64/bin/python3\ncachedir: .pytest_cache\nrootdir: /home/runner/work/yt-dlp/yt-dlp\nconfigfile: setup.cfg\ncollecting ... collected 567 items / 9 errors / 6 deselected / 561 selected\n\n==================================== ERRORS ====================================\n_________________ ERROR collecting test/test_InfoExtractor.py __________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_InfoExtractor.py:16: in \n from yt_dlp.extractor import YoutubeIE, get_info_extractor\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n___________________ ERROR collecting test/test_YoutubeDL.py ____________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_YoutubeDL.py:17: in \n from yt_dlp.extractor import YoutubeIE\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n____________________ ERROR collecting test/test_all_urls.py ____________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_all_urls.py:14: in \n from yt_dlp.extractor import FacebookIE, YoutubeIE, gen_extractors\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n____________________ ERROR collecting test/test_download.py ____________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_download.py:286: in \n inject_tests(normal_test_cases)\ntest/test_download.py:275: in inject_tests\n for test_case in test_cases:\ntest/helper.py:91: in gettestcases\n for ie in yt_dlp.extractor.gen_extractors():\nyt_dlp/extractor/__init__.py:20: in gen_extractors\n return [klass() for klass in gen_extractor_classes()]\nyt_dlp/extractor/__init__.py:11: in gen_extractor_classes\n from .extractors import _ALL_CLASSES\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n_____________ ERROR collecting test/test_iqiyi_sdk_interpreter.py ______________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_iqiyi_sdk_interpreter.py:12: in \n from yt_dlp.extractor import IqiyiIE\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n___________________ ERROR collecting test/test_subtitles.py ____________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_subtitles.py:12: in \n from yt_dlp.extractor import (\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n_________________ ERROR collecting test/test_youtube_lists.py __________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_youtube_lists.py:12: in \n from yt_dlp.extractor import YoutubeIE, YoutubeTabIE\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n__________________ ERROR collecting test/test_youtube_misc.py __________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_youtube_misc.py:11: in \n from yt_dlp.extractor import YoutubeIE\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n_______________ ERROR collecting test/test_youtube_signature.py ________________\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/python.py:617: in _importtestmodule\n mod = import_path(self.path, mode=importmode, root=self.config.rootpath)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/pathlib.py:567: in import_path\n importlib.import_module(module_name)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\n:1204: in _gcd_import\n ???\n:1176: in _find_and_load\n ???\n:1147: in _find_and_load_unlocked\n ???\n:690: in _load_unlocked\n ???\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/site-packages/_pytest/assertion/rewrite.py:186: in exec_module\n exec(co, module.__dict__)\ntest/test_youtube_signature.py:17: in \n from yt_dlp.extractor import YoutubeIE\n:1229: in _handle_fromlist\n ???\nyt_dlp/compat/compat_utils.py:36: in __getattribute__\n ret = super().__getattribute__(attr)\nyt_dlp/compat/compat_utils.py:54: in __getattr__\n ret = from_child(attr)\nyt_dlp/compat/compat_utils.py:68: in from_child\n child = importlib.import_module(child, parent.__name__)\n/opt/hostedtoolcache/Python/3.11.6/x64/lib/python3.11/importlib/__init__.py:126: in import_module\n return _bootstrap._gcd_import(name[level:], package, level)\nyt_dlp/extractor/extractors.py:17: in \n from ._extractors import * # noqa: F403\nyt_dlp/extractor/_extractors.py:956: in \n from .laxarxames import LaXarxaMesIE\nE File \"/home/runner/work/yt-dlp/yt-dlp/yt_dlp/extractor/laxarxames.py\", line 37\nE )\nE ^\nE SyntaxError: unmatched ')'\n=========================== short test summary info ============================\nERROR test/test_InfoExtractor.py\nERROR test/test_YoutubeDL.py\nERROR test/test_all_urls.py\nERROR test/test_download.py\nERROR test/test_iqiyi_sdk_interpreter.py\nERROR test/test_subtitles.py\nERROR test/test_youtube_lists.py\nERROR test/test_youtube_misc.py\nERROR test/test_youtube_signature.py\n!!!!!!!!!!!!!!!!!!! Interrupted: 9 errors during collection !!!!!!!!!!!!!!!!!!!!\n======================= 6 deselected, 9 errors in 2.30s ========================\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/README.md b/README.md\nindex 3b7432474..d464519f0 100644\n--- a/README.md\n+++ b/README.md\n@@ -1801,7 +1801,7 @@ # EXTRACTOR ARGUMENTS\n #### youtube\n * `lang`: Prefer translated metadata (`title`, `description` etc) of this language code (case-sensitive). By default, the video primary language metadata is preferred, with a fallback to `en` translated. See [youtube.py](https://github.com/yt-dlp/yt-dlp/blob/c26f9b991a0681fd3ea548d535919cec1fbbd430/yt_dlp/extractor/youtube.py#L381-L390) for list of supported content language codes\n * `skip`: One or more of `hls`, `dash` or `translated_subs` to skip extraction of the m3u8 manifests, dash manifests and [auto-translated subtitles](https://github.com/yt-dlp/yt-dlp/issues/4090#issuecomment-1158102032) respectively\n-* `player_client`: Clients to extract video data from. The main clients are `web`, `android` and `ios` with variants `_music`, `_embedded`, `_embedscreen`, `_creator` (e.g. `web_embedded`); and `mweb`, `mweb_embedscreen` and `tv_embedded` (agegate bypass) with no variants. By default, `ios,android,web` is used, but `tv_embedded` and `creator` variants are added as required for age-gated videos. Similarly, the music variants are added for `music.youtube.com` urls. You can use `all` to use all the clients, and `default` for the default clients.\n+* `player_client`: Clients to extract video data from. The main clients are `web`, `android` and `ios` with variants `_music`, `_embedded`, `_embedscreen`, `_creator` (e.g. `web_embedded`); and `mweb`, `mweb_embedscreen` and `tv_embedded` (agegate bypass) with no variants. By default, `android,web,ios` is used, but `tv_embedded` and `creator` variants are added as required for age-gated videos. Similarly, the music variants are added for `music.youtube.com` urls. You can use `all` to use all the clients, and `default` for the default clients.\n * `player_skip`: Skip some network requests that are generally needed for robust extraction. One or more of `configs` (skip client configs), `webpage` (skip initial webpage), `js` (skip js player). While these options can help reduce the number of requests needed or avoid some rate-limiting, they could cause some issues. See [#860](https://github.com/yt-dlp/yt-dlp/pull/860) for more details\n * `player_params`: YouTube player parameters to use for player requests. Will overwrite any default ones set by yt-dlp.\n * `comment_sort`: `top` or `new` (default) - choose comment sorting mode (on YouTube's side)\ndiff --git a/yt_dlp/YoutubeDL.py b/yt_dlp/YoutubeDL.py\nindex 8e11646d3..f10167826 100644\n--- a/yt_dlp/YoutubeDL.py\n+++ b/yt_dlp/YoutubeDL.py\n@@ -2338,7 +2338,7 @@ def _check_formats(formats):\n return\n \n for f in formats:\n- if f.get('has_drm'):\n+ if f.get('has_drm') or f.get('__needs_testing'):\n yield from self._check_formats([f])\n else:\n yield f\n@@ -4242,7 +4242,7 @@ def _write_thumbnails(self, label, info_dict, filename, thumb_filename_base=None\n self.write_debug(f'Skipping writing {label} thumbnail')\n return ret\n \n- if not self._ensure_dir_exists(filename):\n+ if thumbnails and not self._ensure_dir_exists(filename):\n return None\n \n for idx, t in list(enumerate(thumbnails))[::-1]:\ndiff --git a/yt_dlp/extractor/_extractors.py b/yt_dlp/extractor/_extractors.py\nindex f415819ed..a8eac0bc5 100644\n--- a/yt_dlp/extractor/_extractors.py\n+++ b/yt_dlp/extractor/_extractors.py\n@@ -953,7 +953,6 @@\n LastFMPlaylistIE,\n LastFMUserIE,\n )\n-from .laxarxames import LaXarxaMesIE\n from .lbry import (\n LBRYIE,\n LBRYChannelIE,\n@@ -1417,6 +1416,7 @@\n ORFTVthekIE,\n ORFFM4StoryIE,\n ORFRadioIE,\n+ ORFPodcastIE,\n ORFIPTVIE,\n )\n from .outsidetv import OutsideTVIE\ndiff --git a/yt_dlp/extractor/generic.py b/yt_dlp/extractor/generic.py\nindex 5e1240c13..ac7cc673f 100644\n--- a/yt_dlp/extractor/generic.py\n+++ b/yt_dlp/extractor/generic.py\n@@ -34,6 +34,7 @@\n unified_timestamp,\n unsmuggle_url,\n update_url_query,\n+ urlhandle_detect_ext,\n url_or_none,\n urljoin,\n variadic,\n@@ -2459,7 +2460,7 @@ def _real_extract(self, url):\n self.report_detected('direct video link')\n headers = smuggled_data.get('http_headers', {})\n format_id = str(m.group('format_id'))\n- ext = determine_ext(url)\n+ ext = determine_ext(url, default_ext=None) or urlhandle_detect_ext(full_response)\n subtitles = {}\n if format_id.endswith('mpegurl') or ext == 'm3u8':\n formats, subtitles = self._extract_m3u8_formats_and_subtitles(url, video_id, 'mp4', headers=headers)\n@@ -2471,6 +2472,7 @@ def _real_extract(self, url):\n formats = [{\n 'format_id': format_id,\n 'url': url,\n+ 'ext': ext,\n 'vcodec': 'none' if m.group('type') == 'audio' else None\n }]\n info_dict['direct'] = True\ndiff --git a/yt_dlp/extractor/laxarxames.py b/yt_dlp/extractor/laxarxames.py\ndeleted file mode 100644\nindex b7cad9cdb..000000000\n--- a/yt_dlp/extractor/laxarxames.py\n+++ /dev/null\n@@ -1,97 +0,0 @@\n-from .common import InfoExtractor\n-\n-\n-class LaXarxaMesIE(InfoExtractor):\n- _VALID_URL = r'https?://(?:www\\.)?laxarxames\\.cat/(?:[^/]+/)*?(player|movie-details)/(?P[0-9]+)'\n- _NETRC_MACHINE = 'laxarxames'\n- _IS_LOGGED_IN = False\n- _LOGIN_URL = 'https://www.laxarxames.cat/login'\n- _TESTS = [{\n- 'url': 'https://www.laxarxames.cat/player/3459421',\n- 'md5': '0966f46c34275934c19af78f3df6e2bc',\n- 'info_dict': {\n- 'id': '3459421',\n- 'ext': 'mp4',\n- 'title': 'Resum | UA Horta \u2014 UD Viladecans',\n- 'type': 'video/mp4',\n- },\n- 'skip': 'Requires login',\n- }]\n-\n- def _perform_login(self, username, password):\n- login = self._download_json(\n- 'https://api.laxarxames.cat/Authorization/SignIn', None, note='Logging in', headers={\n- 'X-Tenantorigin': 'https://laxarxames.cat',\n- 'Content-Type': 'application/json',\n- 'Accept': 'application/json, text/plain, */*',\n- 'User-Agent': 'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/537.36 (KHTML, like Gecko)',\n- 'Origin': 'https://www.laxarxames.cat',\n- }, data=json.dumps({\n- 'Username': username,\n- 'Password': password,\n- 'Device': {\n- 'PlatformCode': 'WEB',\n- 'Name': 'Mac OS ()',\n- },\n- }).encode('utf-8'))\n- )\n-\n- if not login['AuthorizationToken']:\n- raise Exception('Login failed')\n- else:\n- self._set_cookie('www.laxarxames.cat', 'didomi_token', login['AuthorizationToken']['Token'])\n-\n- def _real_extract(self, url):\n- video_id = self._match_id(url)\n- authorization = self._get_cookies('https://www.laxarxames.cat/').get('didomi_token')\n-\n- if not authorization:\n- self.raise_login_required()\n- mediaplayinfo = self._download_json(\n- 'https://api.laxarxames.cat/Media/GetMediaPlayInfo',\n- video_id,\n- data=b'{\"MediaId\":%s,\"StreamType\":\"MAIN\"}' % video_id.encode(),\n- headers={\n- 'Authorization': 'Bearer ' + authorization.value,\n- 'X-Tenantorigin': 'https://laxarxames.cat',\n- 'Content-Type': 'application/json',\n- 'Accept': 'application/json, text/plain, */*',\n- 'User-Agent': 'Mozilla/5.0 (Macintosh; Intel Mac OS X 10_15_7) AppleWebKit/537.36 (KHTML, like Gecko)',\n- 'Origin': 'https://www.laxarxames.cat',\n- }\n- )\n-\n- contenturl = mediaplayinfo['ContentUrl']\n- title = mediaplayinfo['Title']\n-\n- videodata = self._download_json(\n- 'https://edge.api.brightcove.com/playback/v1/accounts/5779379807001/videos/' + contenturl,\n- video_id,\n- headers={\n- 'Accept': 'application/json;pk=BCpkADawqM2uXEFYflHlCdYKQdRAfbdvR3tpOY9_jxup5aqCrMmJxjXtV6k9Khk7hKqFFp15BwULNmQkWBik0SJgtgqDAoni09Ezx2w4dIGs1GAjhnLMWXaeCmveEusJKQYs83DIlSUIPccu'\n- }\n- )\n-\n- sources = videodata['sources']\n-\n- formats = []\n- for source in sources:\n- url = source['src']\n- type = ''\n- manifest_url = None\n- if 'type' in source:\n- type = source['type']\n- manifest_url = source['src']\n- else:\n- type = 'video/mp4'\n- formats.append({\n- 'url': url,\n- 'type': type,\n- 'manifest_url': manifest_url\n- })\n-\n- return {\n- 'id': video_id,\n- 'title': title,\n- 'formats': formats,\n- }\ndiff --git a/yt_dlp/extractor/npo.py b/yt_dlp/extractor/npo.py\nindex 40fee24d0..4d5ff50de 100644\n--- a/yt_dlp/extractor/npo.py\n+++ b/yt_dlp/extractor/npo.py\n@@ -245,7 +245,7 @@ def _real_extract(self, url):\n 'quality': 'npoplus',\n 'tokenId': player_token,\n 'streamType': 'broadcast',\n- })\n+ }, data=b'') # endpoint requires POST\n if not streams:\n continue\n stream = streams.get('stream')\ndiff --git a/yt_dlp/extractor/orf.py b/yt_dlp/extractor/orf.py\nindex cc3c003fa..f33b0501f 100644\n--- a/yt_dlp/extractor/orf.py\n+++ b/yt_dlp/extractor/orf.py\n@@ -20,7 +20,9 @@\n unified_strdate,\n unsmuggle_url,\n url_or_none,\n+ mimetype2ext,\n )\n+from ..utils.traversal import traverse_obj\n \n \n class ORFTVthekIE(InfoExtractor):\n@@ -334,6 +336,45 @@ def _real_extract(self, url):\n self._entries(data, station or station2), show_id, data.get('title'), clean_html(data.get('subtitle')))\n \n \n+class ORFPodcastIE(InfoExtractor):\n+ IE_NAME = 'orf:podcast'\n+ _STATION_RE = '|'.join(map(re.escape, (\n+ 'bgl', 'fm4', 'ktn', 'noe', 'oe1', 'oe3',\n+ 'ooe', 'sbg', 'stm', 'tir', 'tv', 'vbg', 'wie')))\n+ _VALID_URL = rf'https?://sound\\.orf\\.at/podcast/(?P{_STATION_RE})/(?P[\\w-]+)/(?P[\\w-]+)'\n+ _TESTS = [{\n+ 'url': 'https://sound.orf.at/podcast/oe3/fruehstueck-bei-mir/nicolas-stockhammer-15102023',\n+ 'md5': '526a5700e03d271a1505386a8721ab9b',\n+ 'info_dict': {\n+ 'id': 'nicolas-stockhammer-15102023',\n+ 'ext': 'mp3',\n+ 'title': 'Nicolas Stockhammer (15.10.2023)',\n+ 'duration': 3396.0,\n+ 'series': 'Fr\u00fchst\u00fcck bei mir',\n+ },\n+ 'skip': 'ORF podcasts are only available for a limited time'\n+ }]\n+\n+ def _real_extract(self, url):\n+ station, show, show_id = self._match_valid_url(url).group('station', 'show', 'id')\n+ data = self._download_json(\n+ f'https://audioapi.orf.at/radiothek/api/2.0/podcast/{station}/{show}/{show_id}', show_id)\n+\n+ return {\n+ 'id': show_id,\n+ 'ext': 'mp3',\n+ 'vcodec': 'none',\n+ **traverse_obj(data, ('payload', {\n+ 'url': ('enclosures', 0, 'url'),\n+ 'ext': ('enclosures', 0, 'type', {mimetype2ext}),\n+ 'title': 'title',\n+ 'description': ('description', {clean_html}),\n+ 'duration': ('duration', {functools.partial(float_or_none, scale=1000)}),\n+ 'series': ('podcast', 'title'),\n+ })),\n+ }\n+\n+\n class ORFIPTVIE(InfoExtractor):\n IE_NAME = 'orf:iptv'\n IE_DESC = 'iptv.ORF.at'\ndiff --git a/yt_dlp/extractor/polskieradio.py b/yt_dlp/extractor/polskieradio.py\nindex 5bf92b9b5..e0b22fffd 100644\n--- a/yt_dlp/extractor/polskieradio.py\n+++ b/yt_dlp/extractor/polskieradio.py\n@@ -262,14 +262,14 @@ def _call_lp3(self, path, query, video_id, note):\n query=query, headers={'x-api-key': '9bf6c5a2-a7d0-4980-9ed7-a3f7291f2a81'})\n \n def _entries(self, playlist_id, has_episodes, has_articles):\n- for i in itertools.count(1) if has_episodes else []:\n+ for i in itertools.count(0) if has_episodes else []:\n page = self._call_lp3(\n 'AudioArticle/GetListByCategoryId', {\n 'categoryId': playlist_id,\n 'PageSize': 10,\n 'skip': i,\n 'format': 400,\n- }, playlist_id, f'Downloading episode list page {i}')\n+ }, playlist_id, f'Downloading episode list page {i + 1}')\n if not traverse_obj(page, 'data'):\n break\n for episode in page['data']:\n@@ -281,14 +281,14 @@ def _entries(self, playlist_id, has_episodes, has_articles):\n 'timestamp': parse_iso8601(episode.get('datePublic')),\n }\n \n- for i in itertools.count(1) if has_articles else []:\n+ for i in itertools.count(0) if has_articles else []:\n page = self._call_lp3(\n 'Article/GetListByCategoryId', {\n 'categoryId': playlist_id,\n 'PageSize': 9,\n 'skip': i,\n 'format': 400,\n- }, playlist_id, f'Downloading article list page {i}')\n+ }, playlist_id, f'Downloading article list page {i + 1}')\n if not traverse_obj(page, 'data'):\n break\n for article in page['data']:\ndiff --git a/yt_dlp/extractor/qdance.py b/yt_dlp/extractor/qdance.py\nindex d817677f0..934ebbfd7 100644\n--- a/yt_dlp/extractor/qdance.py\n+++ b/yt_dlp/extractor/qdance.py\n@@ -15,7 +15,7 @@\n \n class QDanceIE(InfoExtractor):\n _NETRC_MACHINE = 'qdance'\n- _VALID_URL = r'https?://(?:www\\.)?q-dance\\.com/network/(?:library|live)/(?P\\d+)'\n+ _VALID_URL = r'https?://(?:www\\.)?q-dance\\.com/network/(?:library|live)/(?P[\\w-]+)'\n _TESTS = [{\n 'note': 'vod',\n 'url': 'https://www.q-dance.com/network/library/146542138',\n@@ -53,6 +53,27 @@ class QDanceIE(InfoExtractor):\n 'channel_id': 'qdancenetwork.video_149170353',\n },\n 'skip': 'Completed livestream',\n+ }, {\n+ 'note': 'vod with alphanumeric id',\n+ 'url': 'https://www.q-dance.com/network/library/WhDleSIWSfeT3Q9ObBKBeA',\n+ 'info_dict': {\n+ 'id': 'WhDleSIWSfeT3Q9ObBKBeA',\n+ 'ext': 'mp4',\n+ 'title': 'Aftershock I Defqon.1 Weekend Festival 2023 I Sunday I BLUE',\n+ 'display_id': 'naam-i-defqon-1-weekend-festival-2023-i-dag-i-podium',\n+ 'description': 'Relive Defqon.1 Path of the Warrior with Aftershock at the BLUE \ud83d\udd25',\n+ 'series': 'Defqon.1',\n+ 'series_id': '31840378',\n+ 'season': 'Defqon.1 Weekend Festival 2023',\n+ 'season_id': '141735599',\n+ 'duration': 3507,\n+ 'availability': 'premium_only',\n+ 'thumbnail': 'https://images.q-dance.network/1698158361-230625-135716-defqon-1-aftershock.jpg',\n+ },\n+ 'params': {'skip_download': 'm3u8'},\n+ }, {\n+ 'url': 'https://www.q-dance.com/network/library/-uRFKXwmRZGVnve7av9uqA',\n+ 'only_matching': True,\n }]\n \n _access_token = None\ndiff --git a/yt_dlp/extractor/twitcasting.py b/yt_dlp/extractor/twitcasting.py\nindex 540e217fd..32a38c86e 100644\n--- a/yt_dlp/extractor/twitcasting.py\n+++ b/yt_dlp/extractor/twitcasting.py\n@@ -142,7 +142,7 @@ def _real_extract(self, url):\n 'https://twitcasting.tv/streamserver.php?target=%s&mode=client' % uploader_id, video_id,\n 'Downloading live info', fatal=False)\n \n- is_live = 'data-status=\"online\"' in webpage\n+ is_live = any(f'data-{x}' in webpage for x in ['is-onlive=\"true\"', 'live-type=\"live\"', 'status=\"online\"'])\n if not traverse_obj(stream_server_data, 'llfmp4') and is_live:\n self.raise_login_required(method='cookies')\n \ndiff --git a/yt_dlp/extractor/weverse.py b/yt_dlp/extractor/weverse.py\nindex 47f36806b..c94ca9db9 100644\n--- a/yt_dlp/extractor/weverse.py\n+++ b/yt_dlp/extractor/weverse.py\n@@ -45,10 +45,10 @@ def _perform_login(self, username, password):\n 'x-acc-trace-id': str(uuid.uuid4()),\n 'x-clog-user-device-id': str(uuid.uuid4()),\n }\n- check_username = self._download_json(\n- f'{self._ACCOUNT_API_BASE}/signup/email/status', None,\n- note='Checking username', query={'email': username}, headers=headers)\n- if not check_username.get('hasPassword'):\n+ valid_username = traverse_obj(self._download_json(\n+ f'{self._ACCOUNT_API_BASE}/signup/email/status', None, note='Checking username',\n+ query={'email': username}, headers=headers, expected_status=(400, 404)), 'hasPassword')\n+ if not valid_username:\n raise ExtractorError('Invalid username provided', expected=True)\n \n headers['content-type'] = 'application/json'\ndiff --git a/yt_dlp/extractor/youtube.py b/yt_dlp/extractor/youtube.py\nindex ac28ed7d2..ddbd614d6 100644\n--- a/yt_dlp/extractor/youtube.py\n+++ b/yt_dlp/extractor/youtube.py\n@@ -3619,7 +3619,7 @@ def _extract_player_response(self, client, video_id, master_ytcfg, player_ytcfg,\n \n def _get_requested_clients(self, url, smuggled_data):\n requested_clients = []\n- default = ['ios', 'android', 'web']\n+ default = ['android', 'web', 'ios']\n allowed_clients = sorted(\n (client for client in INNERTUBE_CLIENTS.keys() if client[:1] != '_'),\n key=lambda client: INNERTUBE_CLIENTS[client]['priority'], reverse=True)\n@@ -4560,6 +4560,14 @@ def process_language(container, base_url, lang_code, sub_name, query):\n self._parse_time_text(self._get_text(vpir, 'dateText'))) or upload_date\n info['upload_date'] = upload_date\n \n+ if upload_date and live_status not in ('is_live', 'post_live', 'is_upcoming'):\n+ # Newly uploaded videos' HLS formats are potentially problematic and need to be checked\n+ upload_datetime = datetime_from_str(upload_date).replace(tzinfo=datetime.timezone.utc)\n+ if upload_datetime >= datetime_from_str('today-1day'):\n+ for fmt in info['formats']:\n+ if fmt.get('protocol') == 'm3u8_native':\n+ fmt['__needs_testing'] = True\n+\n for s_k, d_k in [('artist', 'creator'), ('track', 'alt_title')]:\n v = info.get(s_k)\n if v:\n", "difficulty": 1, "changed_files": ["README.md", "yt_dlp/YoutubeDL.py", "yt_dlp/extractor/_extractors.py", "yt_dlp/extractor/generic.py", "yt_dlp/extractor/laxarxames.py", "yt_dlp/extractor/npo.py", "yt_dlp/extractor/orf.py", "yt_dlp/extractor/polskieradio.py", "yt_dlp/extractor/qdance.py", "yt_dlp/extractor/twitcasting.py", "yt_dlp/extractor/weverse.py", "yt_dlp/extractor/youtube.py"], "commit_link": "https://github.com/yt-dlp/yt-dlp/tree/d2e06b56d64570ac18b90329ac791c155ce415db"} \ No newline at end of file diff --git a/data/python/d2f64da.json b/data/python/d2f64da.json new file mode 100644 index 0000000000000000000000000000000000000000..fcf76c2dc9f738df8c6b4c4e8fcd3de2f683a3f1 --- /dev/null +++ b/data/python/d2f64da.json @@ -0,0 +1 @@ +{"language": "Python", "id": 7, "repo_owner": "skypilot-org", "repo_name": "skypilot", "head_branch": "update-docs-dependency", "workflow_name": "format", "workflow_filename": "format.yml", "workflow_path": ".github/workflows/format.yml", "contributor": "skypilot-org", "sha_fail": "d2f64daf7608d00cb7a8659cfd1dee42c54bb12c", "sha_success": "29ddb92665e22538e0e50c17c250d9a07581a85d", "workflow": "name: format\n\non:\n # Trigger the workflow on push or pull request,\n # but only for the main branch\n push:\n branches:\n - master\n - 'releases/**'\n pull_request:\n branches:\n - master\n - 'releases/**'\njobs:\n format:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\"]\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install yapf==0.32.0\n pip install toml==0.10.2\n pip install black==22.10.0\n pip install isort==5.12.0\n - name: Running yapf\n run: |\n yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n --exclude 'sky/skylet/providers/gcp/**' \\\n --exclude 'sky/skylet/providers/azure/**' \\\n --exclude 'sky/skylet/providers/ibm/**'\n - name: Running black\n run: |\n black --diff --check sky/skylet/providers/gcp/ \\\n sky/skylet/providers/azure/ \\\n sky/skylet/providers/ibm/\n - name: Running isort for black formatted files\n run: |\n isort --diff --check --profile black -l 88 -m 3 \\\n sky/skylet/providers/ibm/\n - name: Running isort for yapf formatted files\n run: |\n isort --diff --check ./ --sg 'sky/skylet/ray_patches/**' \\\n --sg 'sky/skylet/providers/gcp/**' \\\n --sg 'sky/skylet/providers/azure/**' \\\n --sg 'sky/skylet/providers/ibm/**'\n", "logs": [{"step_name": "format (3.8)/5_Running yapf.txt", "log": "##[group]Run yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n\u001b[36;1myapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/gcp/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/azure/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/ibm/**'\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--- ./docs/source/conf.py\t(original)\n+++ ./docs/source/conf.py\t(reformatted)\n@@ -94,7 +94,6 @@\n # of the sidebar.\n html_logo = '_static/SkyPilot_wide_light.svg'\n \n-\n # The name of an image file (within the static path) to use as favicon of the\n # docs. This file should be a Windows icon file (.ico), 16x16 or 32x32 pixels.\n html_favicon = '_static/favicon.ico'\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/docs/source/conf.py b/docs/source/conf.py\nindex 204ed7c1..9a597c5c 100644\n--- a/docs/source/conf.py\n+++ b/docs/source/conf.py\n@@ -94,7 +94,6 @@ html_show_sourcelink = False\n # of the sidebar.\n html_logo = '_static/SkyPilot_wide_light.svg'\n \n-\n # The name of an image file (within the static path) to use as favicon of the\n # docs. This file should be a Windows icon file (.ico), 16x16 or 32x32 pixels.\n html_favicon = '_static/favicon.ico'\n", "difficulty": 0, "changed_files": ["docs/source/conf.py"], "commit_link": "https://github.com/skypilot-org/skypilot/tree/d2f64daf7608d00cb7a8659cfd1dee42c54bb12c"} \ No newline at end of file diff --git a/data/python/d4ca371.json b/data/python/d4ca371.json new file mode 100644 index 0000000000000000000000000000000000000000..940608080327bdf7d729491dabd192eca8c89be5 --- /dev/null +++ b/data/python/d4ca371.json @@ -0,0 +1 @@ +{"language": "Python", "id": 47, "repo_owner": "django-import-export", "repo_name": "django-import-export", "head_branch": "release-4", "workflow_name": ".github/workflows/pre-commit.yml", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "RobTilton", "sha_fail": "d4ca3713b196de2aee52fd0344d0eb9a9eaada64", "sha_success": "c71073c7bf4d667ac2e08d78682e2a1ff796b6dc", "workflow": "on:\n pull_request:\n push:\n branches:\n - main\n\njobs:\n main:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: 3.x\n - uses: pre-commit/action@v3.0.0\n - uses: pre-commit-ci/lite-action@v1.0.1\n if: always()\n", "logs": [{"step_name": "main/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.5.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting setuptools (from nodeenv>=0.11.1->pre-commit)\n Downloading setuptools-69.0.2-py3-none-any.whl.metadata (6.3 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.7-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.5.0-py2.py3-none-any.whl (203 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 203.7/203.7 kB 14.6 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 24.8 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (724 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 725.0/725.0 kB 56.7 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 123.7 MB/s eta 0:00:00\nDownloading distlib-0.3.7-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 72.9 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading setuptools-69.0.2-py3-none-any.whl (819 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 819.5/819.5 kB 93.7 MB/s eta 0:00:00\nInstalling collected packages: distlib, setuptools, pyyaml, platformdirs, identify, filelock, cfgv, virtualenv, nodeenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.7 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.5.0 pyyaml-6.0.1 setuptools-69.0.2 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.2.1 -> 23.3.1\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.7\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.5.0\nPyYAML==6.0.1\nsetuptools==69.0.2\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nCache Size: ~15 MB (15834028 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/9567017c-9d3b-49f5-b657-706a151e9f99/cache.tzst -P -C /home/runner/work/django-import-export/django-import-export --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.12.0/x64|78083b3309c934e46e7d0a952b7a4c6dc6df8860edaa74474d06dd8c36e1b0a2\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.12.0/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.12.0/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.12.0/x64/lib\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mtests/core/tests/test_resources/test_resources.py\u001b[m\u001b[36m:\u001b[m4\u001b[36m:\u001b[m1\u001b[36m:\u001b[m \u001b[1m\u001b[31mF401\u001b[m 'copy.deepcopy' imported but unused\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/core/tests/test_resources/test_resources.py b/tests/core/tests/test_resources/test_resources.py\nindex 82ef08bd..63be3f70 100644\n--- a/tests/core/tests/test_resources/test_resources.py\n+++ b/tests/core/tests/test_resources/test_resources.py\n@@ -1,7 +1,6 @@\n import json\n import sys\n from collections import OrderedDict\n-from copy import deepcopy\n from datetime import date\n from decimal import Decimal, InvalidOperation\n from unittest import mock, skipUnless\n", "difficulty": 0, "changed_files": ["tests/core/tests/test_resources/test_resources.py"], "commit_link": "https://github.com/django-import-export/django-import-export/tree/d4ca3713b196de2aee52fd0344d0eb9a9eaada64"} \ No newline at end of file diff --git a/data/python/d795b68.json b/data/python/d795b68.json new file mode 100644 index 0000000000000000000000000000000000000000..52081c2caf89d5718468067fb330b1cd4e4fece9 --- /dev/null +++ b/data/python/d795b68.json @@ -0,0 +1 @@ +{"language": "Python", "id": 60, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "ersi-lig-3910-update-mae-benchmark-code", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "lightly-ai", "sha_fail": "d795b685e5b2ec3df758c80ebae107d62eb28991", "sha_success": "a5837471bc5bfae18de8cbc474dc111a32ea5d0a", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/7_Run Format Check.txt", "log": "##[group]Run make format-check\n\u001b[36;1mmake format-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n\u26ab Checking code format...\nisort --check-only --diff .\nSkipped 2 files\nblack --check .\nwould reformat /home/runner/work/lightly/lightly/benchmarks/imagenet/vitb16/mae.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n1 file would be reformatted, 350 files would be left unchanged.\nmake: *** [Makefile:46: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/benchmarks/imagenet/vitb16/mae.py b/benchmarks/imagenet/vitb16/mae.py\nindex de70d9c0..f2df9feb 100644\n--- a/benchmarks/imagenet/vitb16/mae.py\n+++ b/benchmarks/imagenet/vitb16/mae.py\n@@ -26,7 +26,7 @@ class MAE(LightningModule):\n \n self.mask_ratio = 0.75\n self.patch_size = vit.patch_embed.patch_size[0]\n- self.sequence_length = vit.patch_embed.num_patches + + vit.num_prefix_tokens\n+ self.sequence_length = vit.patch_embed.num_patches + +vit.num_prefix_tokens\n self.mask_token = Parameter(torch.zeros(1, 1, decoder_dim))\n torch.nn.init.normal_(self.mask_token, std=0.02)\n self.backbone = MAEBackbone.from_vit(vit)\n", "difficulty": 0, "changed_files": ["benchmarks/imagenet/vitb16/mae.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/d795b685e5b2ec3df758c80ebae107d62eb28991"} \ No newline at end of file diff --git a/data/python/d97d0af.json b/data/python/d97d0af.json new file mode 100644 index 0000000000000000000000000000000000000000..a548e0d26b3fda58d9352187b92b1042e041230e --- /dev/null +++ b/data/python/d97d0af.json @@ -0,0 +1 @@ +{"language": "Python", "id": 63, "repo_owner": "pymc-devs", "repo_name": "pymc", "head_branch": "dev_min_discrete", "workflow_name": "pre-commit", "workflow_filename": "pre-commit.yml", "workflow_path": ".github/workflows/pre-commit.yml", "contributor": "Dhruvanshu-Joshi", "sha_fail": "d97d0af29eed5fe3299c1b3a5be5ab3571c9b7f8", "sha_success": "829b63c92b6402ab3c6382e6c7799b2bebd61555", "workflow": "name: pre-commit\n\non:\n pull_request:\n push:\n branches: [main]\n\njobs:\n pre-commit:\n runs-on: ubuntu-latest\n env:\n SKIP: no-commit-to-branch\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - uses: actions/setup-python@v5\n with:\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n - uses: pre-commit/action@v3.0.0\n mypy:\n runs-on: ubuntu-latest\n defaults:\n run:\n shell: bash -l {0}\n steps:\n - uses: actions/checkout@b4ffde65f46336ab88eb53be808477a3936bae11\n - name: Cache conda\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if environment-test.yml has not changed\n CACHE_NUMBER: 0\n with:\n path: ~/conda_pkgs_dir\n key: ${{ runner.os }}-py39-conda-${{ env.CACHE_NUMBER }}-${{\n hashFiles('conda-envs/environment-test.yml') }}\n - name: Cache multiple paths\n uses: actions/cache@v3\n env:\n # Increase this value to reset cache if requirements.txt has not changed\n CACHE_NUMBER: 0\n with:\n path: |\n ~/.cache/pip\n $RUNNER_TOOL_CACHE/Python/*\n ~\\AppData\\Local\\pip\\Cache\n key: ${{ runner.os }}-build-${{ matrix.python-version }}-${{ env.CACHE_NUMBER }}-${{\n hashFiles('requirements.txt') }}\n - uses: conda-incubator/setup-miniconda@v2\n with:\n miniforge-variant: Mambaforge\n miniforge-version: latest\n mamba-version: \"*\"\n activate-environment: pymc-test\n channel-priority: strict\n environment-file: conda-envs/environment-test.yml\n python-version: \"3.9\" # Run pre-commit on oldest supported Python version\n use-mamba: true\n use-only-tar-bz2: false # IMPORTANT: This may break caching of conda packages! See https://github.com/conda-incubator/setup-miniconda/issues/267\n - name: Install-pymc and mypy dependencies\n run: |\n conda activate pymc-test\n pip install -e .\n pip install --pre -U polyagamma\n python --version\n - name: Run mypy\n run: |\n conda activate pymc-test\n python ./scripts/run_mypy.py --verbose\n", "logs": [{"step_name": "pre-commit/4_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting cfgv>=2.0.0 (from pre-commit)\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit)\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit)\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit)\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit)\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from nodeenv>=0.11.1->pre-commit) (58.1.0)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit)\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit)\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting platformdirs<5,>=3.9.1 (from virtualenv>=20.10.0->pre-commit)\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 13.4 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 22.9 MB/s eta 0:00:00\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 60.9 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 110.7 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 74.1 MB/s eta 0:00:00\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nInstalling collected packages: distlib, pyyaml, platformdirs, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 platformdirs-4.1.0 pre-commit-3.6.0 pyyaml-6.0.1 virtualenv-20.25.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\nplatformdirs==4.1.0\npre-commit==3.6.0\nPyYAML==6.0.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|b7d4a4a04370b550519b1f72b5bf6dd4b4e69a4587d4158fa35a817d3fb6ebbb\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCache Size: ~96 MB (101090557 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/8c13d2fc-c290-4a58-9ce5-065f84e25152/cache.tzst -P -C /home/runner/work/pymc/pymc --use-compress-program unzstd\nReceived 101090557 of 101090557 (100.0%), 96.3 MBs/sec\nCache restored successfully\nCache restored from key: pre-commit-3|/opt/hostedtoolcache/Python/3.9.18/x64|b7d4a4a04370b550519b1f72b5bf6dd4b4e69a4587d4158fa35a817d3fb6ebbb\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n SKIP: no-commit-to-branch\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\ncheck for merge conflicts............................................................\u001b[42mPassed\u001b[m\ncheck toml...........................................................................\u001b[42mPassed\u001b[m\ncheck yaml...........................................................................\u001b[42mPassed\u001b[m\ndebug statements (python)............................................................\u001b[42mPassed\u001b[m\nfix end of files.....................................................................\u001b[42mPassed\u001b[m\ndon't commit to branch..............................................................\u001b[43;30mSkipped\u001b[m\nfix requirements.txt.................................................................\u001b[42mPassed\u001b[m\ntrim trailing whitespace.............................................................\u001b[42mPassed\u001b[m\nApply Apache 2.0 License.............................................................\u001b[42mPassed\u001b[m\nisort................................................................................\u001b[42mPassed\u001b[m\npyupgrade............................................................................\u001b[42mPassed\u001b[m\nblack................................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: black\u001b[m\n\u001b[2m- files were modified by this hook\u001b[m\n\n\u001b[1mreformatted tests/logprob/test_transforms.py\u001b[0m\n\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\n\u001b[34m\u001b[1m1 file \u001b[0m\u001b[1mreformatted\u001b[0m, \u001b[34m207 files \u001b[0mleft unchanged.\n\nblack-jupyter........................................................................\u001b[42mPassed\u001b[m\npylint...............................................................................\u001b[42mPassed\u001b[m\npydocstyle...........................................................................\u001b[42mPassed\u001b[m\nDisallow print statements............................................................\u001b[42mPassed\u001b[m\nCheck no tests are ignored...........................................................\u001b[42mPassed\u001b[m\nGenerate pip dependency from conda...................................................\u001b[42mPassed\u001b[m\nNo relative imports..................................................................\u001b[42mPassed\u001b[m\nCheck no links that should be cross-references are in the docs.......................\u001b[42mPassed\u001b[m\npre-commit hook(s) made changes.\nIf you are seeing this message in CI, reproduce locally with: `pre-commit run --all-files`.\nTo run `pre-commit` as part of git workflow, use `pre-commit install`.\nAll changes made by hooks:\n\u001b[1mdiff --git a/tests/logprob/test_transforms.py b/tests/logprob/test_transforms.py\u001b[m\n\u001b[1mindex 3409afd..acf7296 100644\u001b[m\n\u001b[1m--- a/tests/logprob/test_transforms.py\u001b[m\n\u001b[1m+++ b/tests/logprob/test_transforms.py\u001b[m\n\u001b[36m@@ -699,7 +699,7 @@\u001b[m \u001b[mdef test_negated_discrete_rv_transform():\u001b[m\n \u001b[m\n # A negated Bernoulli has pmf {p if x == -1; 1-p if x == 0; 0 otherwise}\u001b[m\n assert logp_fn(-2) == -np.inf\u001b[m\n\u001b[31m- np.testing.assert_allclose(logp_fn(-1), np.log(p))\u001b[m\n\u001b[32m+\u001b[m\u001b[32m np.testing.assert_allclose(logp_fn(-1), np.log(p))\u001b[m\n np.testing.assert_allclose(logp_fn(0), np.log(1 - p))\u001b[m\n assert logp_fn(1) == -np.inf\u001b[m\n \u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/logprob/test_transforms.py b/tests/logprob/test_transforms.py\nindex 3409afdb9..acf7296f4 100644\n--- a/tests/logprob/test_transforms.py\n+++ b/tests/logprob/test_transforms.py\n@@ -699,7 +699,7 @@ def test_negated_discrete_rv_transform():\n \n # A negated Bernoulli has pmf {p if x == -1; 1-p if x == 0; 0 otherwise}\n assert logp_fn(-2) == -np.inf\n- np.testing.assert_allclose(logp_fn(-1), np.log(p))\n+ np.testing.assert_allclose(logp_fn(-1), np.log(p))\n np.testing.assert_allclose(logp_fn(0), np.log(1 - p))\n assert logp_fn(1) == -np.inf\n \n", "difficulty": 0, "changed_files": ["tests/logprob/test_transforms.py"], "commit_link": "https://github.com/pymc-devs/pymc/tree/d97d0af29eed5fe3299c1b3a5be5ab3571c9b7f8"} \ No newline at end of file diff --git a/data/python/d985231.json b/data/python/d985231.json new file mode 100644 index 0000000000000000000000000000000000000000..33628a5c0733496cfc8ea4191a4b7a20c2c2722c --- /dev/null +++ b/data/python/d985231.json @@ -0,0 +1 @@ +{"language": "Python", "id": 37, "repo_owner": "hacs", "repo_name": "integration", "head_branch": "more-proxy-tests", "workflow_name": "Lint", "workflow_filename": "lint.yaml", "workflow_path": ".github/workflows/lint.yaml", "contributor": "hacs", "sha_fail": "d985231d83ec0cb50784548dae26236dd03bd2a6", "sha_success": "db6846d27aa9eee7b6ded5bdf4a1192f7c129ad2", "workflow": "name: Lint\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: lint-${{ github.ref }}\n cancel-in-progress: true\n\njobs:\n matrix:\n runs-on: ubuntu-latest\n name: Run ${{ matrix.check }}\n strategy:\n matrix:\n check:\n - pyupgrade\n - black\n - codespell\n - check-executables-have-shebangs\n - check-json\n - requirements-txt-fixer\n - check-ast\n - mixed-line-ending\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83d\udee0\ufe0f Set up Python\n uses: actions/setup-python@v4.7.1\n id: python\n with:\n python-version: \"3.11\"\n\n - name: \ud83d\udce6 Install pre-commit\n run: |\n scripts/install/pip_packages pre-commit\n pre-commit install-hooks --config .github/pre-commit-config.yaml\n\n - name: \ud83c\udfc3 Run the check (${{ matrix.check }})\n run: pre-commit run --hook-stage manual ${{ matrix.check }} --all-files --config .github/pre-commit-config.yaml\n\n lint-json:\n runs-on: ubuntu-latest\n name: With JQ\n steps:\n - name: \ud83d\udce5 Checkout the repository\n uses: actions/checkout@v4.1.1\n\n - name: \ud83c\udfc3 Run validation\n run: jq -r -e -c . tests/fixtures/*.json", "logs": [{"step_name": "Run codespell/5_\ud83c\udfc3 Run the check (codespell).txt", "log": "##[group]Run pre-commit run --hook-stage manual codespell --all-files --config .github/pre-commit-config.yaml\n\u001b[36;1mpre-commit run --hook-stage manual codespell --all-files --config .github/pre-commit-config.yaml\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\ncodespell................................................................Failed\n- hook id: codespell\n- exit code: 65\n\ntests/repositories/test_remove_repository.py:23: instad ==> instead\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/repositories/test_remove_repository.py b/tests/repositories/test_remove_repository.py\nindex 57effda5..85fec925 100644\n--- a/tests/repositories/test_remove_repository.py\n+++ b/tests/repositories/test_remove_repository.py\n@@ -20,7 +20,7 @@ from tests.conftest import SnapshotFixture\n \"category_test_data\",\n category_test_data_parametrized(\n skip_categories=[HacsCategory.PYTHON_SCRIPT],\n- skip_reason=\"bug in cleanup, using repo name instad of file name.\",\n+ skip_reason=\"bug in cleanup, using repo name instead of file name.\",\n ),\n )\n async def test_remove_repository(\n", "difficulty": 1, "changed_files": ["tests/repositories/test_remove_repository.py"], "commit_link": "https://github.com/hacs/integration/tree/d985231d83ec0cb50784548dae26236dd03bd2a6"} \ No newline at end of file diff --git a/data/python/db6550a.json b/data/python/db6550a.json new file mode 100644 index 0000000000000000000000000000000000000000..c6f8a093219c347346e4ed723932b55937eb0244 --- /dev/null +++ b/data/python/db6550a.json @@ -0,0 +1 @@ +{"language": "Python", "id": 38, "repo_owner": "huggingface", "repo_name": "diffusers", "head_branch": "ipadapterfaceid", "workflow_name": "Run code quality checks", "workflow_filename": "pr_quality.yml", "workflow_path": ".github/workflows/pr_quality.yml", "contributor": "fabiorigano", "sha_fail": "db6550a228941b538f340fb5b65ed16c43a21b88", "sha_success": "6c29e66eb023f2805e4a4fd697815e9a0d2c6468", "workflow": "name: Run code quality checks\n\non:\n pull_request:\n branches:\n - main\n push:\n branches:\n - main\n\nconcurrency:\n group: ${{ github.workflow }}-${{ github.head_ref || github.run_id }}\n cancel-in-progress: true\n\njobs:\n check_code_quality:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n ruff check examples tests src utils scripts\n ruff format examples tests src utils scripts --check\n\n check_repository_consistency:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.8\"\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install .[quality]\n - name: Check quality\n run: |\n python utils/check_copies.py\n python utils/check_dummies.py\n make deps_table_check_updated\n", "logs": [{"step_name": "check_code_quality/5_Check quality.txt", "log": "##[group]Run ruff check examples tests src utils scripts\n\u001b[36;1mruff check examples tests src utils scripts\u001b[0m\n\u001b[36;1mruff format examples tests src utils scripts --check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nsrc/diffusers/loaders/ip_adapter.py:15:26: F401 [*] `typing.Optional` imported but unused\nFound 1 error.\n[*] 1 fixable with the `--fix` option.\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/src/diffusers/loaders/ip_adapter.py b/src/diffusers/loaders/ip_adapter.py\nindex df9caa946..0c310019f 100644\n--- a/src/diffusers/loaders/ip_adapter.py\n+++ b/src/diffusers/loaders/ip_adapter.py\n@@ -12,7 +12,7 @@\n # See the License for the specific language governing permissions and\n # limitations under the License.\n import os\n-from typing import Dict, Optional, Union\n+from typing import Dict, Union\n \n import torch\n from huggingface_hub.utils import validate_hf_hub_args\n", "difficulty": 0, "changed_files": ["src/diffusers/loaders/ip_adapter.py"], "commit_link": "https://github.com/huggingface/diffusers/tree/db6550a228941b538f340fb5b65ed16c43a21b88"} \ No newline at end of file diff --git a/data/python/e5b5fcb.json b/data/python/e5b5fcb.json new file mode 100644 index 0000000000000000000000000000000000000000..5619bbf9b7860084fe70615327c93fc204ae389a --- /dev/null +++ b/data/python/e5b5fcb.json @@ -0,0 +1 @@ +{"language": "Python", "id": 23, "repo_owner": "mindsdb", "repo_name": "mindsdb", "head_branch": "fix-dep-llama", "workflow_name": "MindsDB Code Checks", "workflow_filename": "code_checks.yml", "workflow_path": ".github/workflows/code_checks.yml", "contributor": "mindsdb", "sha_fail": "e5b5fcb646e6fa9cab60fb4fff930888149b88fe", "sha_success": "f8af681554f58ff4cc12e4c3a96421ac89377322", "workflow": "name: MindsDB Code Checks\n\non:\n pull_request:\n branches: [stable, staging]\n \njobs:\n check_requirements:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v3.5.3\n - name: Set up Python 3.8\n uses: actions/setup-python@v4.7.0\n with:\n python-version: 3.9\n - name: Check main requirements\n shell: bash\n run: |\n pip install -r requirements/requirements-dev.txt\n\n python tests/scripts/check_requirements.py\n\n - name: Check requirements files are installable\n shell: bash\n run: |\n pip install --dry-run --ignore-installed . # Install only the default handlers. We can expand this to all handlers later with: .[all_handlers_extras]\n", "logs": [{"step_name": "check_requirements/4_Check main requirements.txt", "log": "##[group]Run pip install -r requirements/requirements-dev.txt\n\u001b[36;1mpip install -r requirements/requirements-dev.txt\u001b[0m\n\u001b[36;1m\u001b[0m\n\u001b[36;1mpython tests/scripts/check_requirements.py\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.9.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.9.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.9.18/x64/lib\n##[endgroup]\nCollecting black==23.3.0 (from -r requirements/requirements-dev.txt (line 1))\n Downloading black-23.3.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 34.8 MB/s eta 0:00:00\nCollecting flake8==5.0.4 (from -r requirements/requirements-dev.txt (line 2))\n Downloading flake8-5.0.4-py2.py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.9/61.9 kB 16.0 MB/s eta 0:00:00\nCollecting isort==5.10.1 (from -r requirements/requirements-dev.txt (line 3))\n Downloading isort-5.10.1-py3-none-any.whl (103 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 103.4/103.4 kB 23.7 MB/s eta 0:00:00\nCollecting pre-commit>=2.16.0 (from -r requirements/requirements-dev.txt (line 4))\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl.metadata (1.3 kB)\nCollecting watchfiles==0.19.0 (from -r requirements/requirements-dev.txt (line 5))\n Downloading watchfiles-0.19.0-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.3 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.3/1.3 MB 95.8 MB/s eta 0:00:00\nRequirement already satisfied: setuptools in /opt/hostedtoolcache/Python/3.9.18/x64/lib/python3.9/site-packages (from -r requirements/requirements-dev.txt (line 6)) (58.1.0)\nCollecting wheel (from -r requirements/requirements-dev.txt (line 7))\n Downloading wheel-0.42.0-py3-none-any.whl.metadata (2.2 kB)\nCollecting deptry==0.12.0 (from -r requirements/requirements-dev.txt (line 8))\n Downloading deptry-0.12.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting twine (from -r requirements/requirements-dev.txt (line 9))\n Downloading twine-4.0.2-py3-none-any.whl (36 kB)\nCollecting click>=8.0.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading click-8.1.7-py3-none-any.whl.metadata (3.0 kB)\nCollecting mypy-extensions>=0.4.3 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading mypy_extensions-1.0.0-py3-none-any.whl (4.7 kB)\nCollecting packaging>=22.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading packaging-23.2-py3-none-any.whl.metadata (3.2 kB)\nCollecting pathspec>=0.9.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading pathspec-0.12.1-py3-none-any.whl.metadata (21 kB)\nCollecting platformdirs>=2 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading platformdirs-4.1.0-py3-none-any.whl.metadata (11 kB)\nCollecting tomli>=1.1.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading tomli-2.0.1-py3-none-any.whl (12 kB)\nCollecting typing-extensions>=3.10.0.0 (from black==23.3.0->-r requirements/requirements-dev.txt (line 1))\n Downloading typing_extensions-4.9.0-py3-none-any.whl.metadata (3.0 kB)\nCollecting mccabe<0.8.0,>=0.7.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading mccabe-0.7.0-py2.py3-none-any.whl (7.3 kB)\nCollecting pycodestyle<2.10.0,>=2.9.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading pycodestyle-2.9.1-py2.py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.5/41.5 kB 12.3 MB/s eta 0:00:00\nCollecting pyflakes<2.6.0,>=2.5.0 (from flake8==5.0.4->-r requirements/requirements-dev.txt (line 2))\n Downloading pyflakes-2.5.0-py2.py3-none-any.whl (66 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 66.1/66.1 kB 19.8 MB/s eta 0:00:00\nCollecting anyio>=3.0.0 (from watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading anyio-4.2.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting chardet>=4.0.0 (from deptry==0.12.0->-r requirements/requirements-dev.txt (line 8))\n Downloading chardet-5.2.0-py3-none-any.whl.metadata (3.4 kB)\nCollecting cfgv>=2.0.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading cfgv-3.4.0-py2.py3-none-any.whl.metadata (8.5 kB)\nCollecting identify>=1.0.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading identify-2.5.33-py2.py3-none-any.whl.metadata (4.4 kB)\nCollecting nodeenv>=0.11.1 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl.metadata (21 kB)\nCollecting pyyaml>=5.1 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (2.1 kB)\nCollecting virtualenv>=20.10.0 (from pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading virtualenv-20.25.0-py3-none-any.whl.metadata (4.5 kB)\nCollecting pkginfo>=1.8.1 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pkginfo-1.9.6-py3-none-any.whl (30 kB)\nCollecting readme-renderer>=35.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading readme_renderer-42.0-py3-none-any.whl.metadata (2.8 kB)\nCollecting requests>=2.20 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading requests-2.31.0-py3-none-any.whl.metadata (4.6 kB)\nCollecting requests-toolbelt!=0.9.0,>=0.8.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading requests_toolbelt-1.0.0-py2.py3-none-any.whl (54 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 54.5/54.5 kB 16.1 MB/s eta 0:00:00\nCollecting urllib3>=1.26.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading urllib3-2.1.0-py3-none-any.whl.metadata (6.4 kB)\nCollecting importlib-metadata>=3.6 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading importlib_metadata-7.0.1-py3-none-any.whl.metadata (4.9 kB)\nCollecting keyring>=15.1 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading keyring-24.3.0-py3-none-any.whl.metadata (20 kB)\nCollecting rfc3986>=1.4.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading rfc3986-2.0.0-py2.py3-none-any.whl (31 kB)\nCollecting rich>=12.0.0 (from twine->-r requirements/requirements-dev.txt (line 9))\n Downloading rich-13.7.0-py3-none-any.whl.metadata (18 kB)\nCollecting idna>=2.8 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading idna-3.6-py3-none-any.whl.metadata (9.9 kB)\nCollecting sniffio>=1.1 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading sniffio-1.3.0-py3-none-any.whl (10 kB)\nCollecting exceptiongroup>=1.0.2 (from anyio>=3.0.0->watchfiles==0.19.0->-r requirements/requirements-dev.txt (line 5))\n Downloading exceptiongroup-1.2.0-py3-none-any.whl.metadata (6.6 kB)\nCollecting zipp>=0.5 (from importlib-metadata>=3.6->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading zipp-3.17.0-py3-none-any.whl.metadata (3.7 kB)\nCollecting jaraco.classes (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading jaraco.classes-3.3.0-py3-none-any.whl.metadata (2.9 kB)\nCollecting SecretStorage>=3.2 (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading SecretStorage-3.3.3-py3-none-any.whl (15 kB)\nCollecting jeepney>=0.4.2 (from keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading jeepney-0.8.0-py3-none-any.whl (48 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 48.4/48.4 kB 15.9 MB/s eta 0:00:00\nCollecting nh3>=0.2.14 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading nh3-0.2.15-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.7 kB)\nCollecting docutils>=0.13.1 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading docutils-0.20.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting Pygments>=2.5.1 (from readme-renderer>=35.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pygments-2.17.2-py3-none-any.whl.metadata (2.6 kB)\nCollecting charset-normalizer<4,>=2 (from requests>=2.20->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (33 kB)\nCollecting certifi>=2017.4.17 (from requests>=2.20->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading certifi-2023.11.17-py3-none-any.whl.metadata (2.2 kB)\nCollecting markdown-it-py>=2.2.0 (from rich>=12.0.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading markdown_it_py-3.0.0-py3-none-any.whl.metadata (6.9 kB)\nCollecting distlib<1,>=0.3.7 (from virtualenv>=20.10.0->pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading distlib-0.3.8-py2.py3-none-any.whl.metadata (5.1 kB)\nCollecting filelock<4,>=3.12.2 (from virtualenv>=20.10.0->pre-commit>=2.16.0->-r requirements/requirements-dev.txt (line 4))\n Downloading filelock-3.13.1-py3-none-any.whl.metadata (2.8 kB)\nCollecting mdurl~=0.1 (from markdown-it-py>=2.2.0->rich>=12.0.0->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading mdurl-0.1.2-py3-none-any.whl (10.0 kB)\nCollecting cryptography>=2.0 (from SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl.metadata (5.2 kB)\nCollecting more-itertools (from jaraco.classes->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading more_itertools-10.2.0-py3-none-any.whl.metadata (34 kB)\nCollecting cffi>=1.12 (from cryptography>=2.0->SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (1.5 kB)\nCollecting pycparser (from cffi>=1.12->cryptography>=2.0->SecretStorage>=3.2->keyring>=15.1->twine->-r requirements/requirements-dev.txt (line 9))\n Downloading pycparser-2.21-py2.py3-none-any.whl (118 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 118.7/118.7 kB 30.5 MB/s eta 0:00:00\nDownloading deptry-0.12.0-py3-none-any.whl (41 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 41.7/41.7 kB 14.0 MB/s eta 0:00:00\nDownloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 kB 54.3 MB/s eta 0:00:00\nDownloading wheel-0.42.0-py3-none-any.whl (65 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 65.4/65.4 kB 19.8 MB/s eta 0:00:00\nDownloading anyio-4.2.0-py3-none-any.whl (85 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 85.5/85.5 kB 18.2 MB/s eta 0:00:00\nDownloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nDownloading chardet-5.2.0-py3-none-any.whl (199 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 199.4/199.4 kB 46.2 MB/s eta 0:00:00\nDownloading click-8.1.7-py3-none-any.whl (97 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 97.9/97.9 kB 25.2 MB/s eta 0:00:00\nDownloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 kB 29.7 MB/s eta 0:00:00\nDownloading importlib_metadata-7.0.1-py3-none-any.whl (23 kB)\nDownloading keyring-24.3.0-py3-none-any.whl (38 kB)\nDownloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nDownloading packaging-23.2-py3-none-any.whl (53 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 53.0/53.0 kB 17.0 MB/s eta 0:00:00\nDownloading pathspec-0.12.1-py3-none-any.whl (31 kB)\nDownloading platformdirs-4.1.0-py3-none-any.whl (17 kB)\nDownloading PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (738 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 738.9/738.9 kB 84.8 MB/s eta 0:00:00\nDownloading readme_renderer-42.0-py3-none-any.whl (13 kB)\nDownloading requests-2.31.0-py3-none-any.whl (62 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 62.6/62.6 kB 16.3 MB/s eta 0:00:00\nDownloading rich-13.7.0-py3-none-any.whl (240 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 240.6/240.6 kB 60.6 MB/s eta 0:00:00\nDownloading typing_extensions-4.9.0-py3-none-any.whl (32 kB)\nDownloading urllib3-2.1.0-py3-none-any.whl (104 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 104.6/104.6 kB 27.3 MB/s eta 0:00:00\nDownloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 103.8 MB/s eta 0:00:00\nDownloading certifi-2023.11.17-py3-none-any.whl (162 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 162.5/162.5 kB 40.7 MB/s eta 0:00:00\nDownloading charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (142 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 142.3/142.3 kB 37.7 MB/s eta 0:00:00\nDownloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 kB 69.2 MB/s eta 0:00:00\nDownloading docutils-0.20.1-py3-none-any.whl (572 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 572.7/572.7 kB 86.3 MB/s eta 0:00:00\nDownloading exceptiongroup-1.2.0-py3-none-any.whl (16 kB)\nDownloading filelock-3.13.1-py3-none-any.whl (11 kB)\nDownloading idna-3.6-py3-none-any.whl (61 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 61.6/61.6 kB 21.4 MB/s eta 0:00:00\nDownloading markdown_it_py-3.0.0-py3-none-any.whl (87 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 87.5/87.5 kB 25.7 MB/s eta 0:00:00\nDownloading nh3-0.2.15-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (1.7 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.7/1.7 MB 58.8 MB/s eta 0:00:00\nDownloading pygments-2.17.2-py3-none-any.whl (1.2 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 1.2/1.2 MB 93.1 MB/s eta 0:00:00\nDownloading zipp-3.17.0-py3-none-any.whl (7.4 kB)\nDownloading jaraco.classes-3.3.0-py3-none-any.whl (5.9 kB)\nDownloading cryptography-41.0.7-cp37-abi3-manylinux_2_28_x86_64.whl (4.4 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 4.4/4.4 MB 108.3 MB/s eta 0:00:00\nDownloading more_itertools-10.2.0-py3-none-any.whl (57 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 57.0/57.0 kB 18.5 MB/s eta 0:00:00\nDownloading cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (443 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 443.4/443.4 kB 74.5 MB/s eta 0:00:00\nInstalling collected packages: nh3, distlib, zipp, wheel, urllib3, typing-extensions, tomli, sniffio, rfc3986, pyyaml, Pygments, pyflakes, pycparser, pycodestyle, platformdirs, pkginfo, pathspec, packaging, nodeenv, mypy-extensions, more-itertools, mdurl, mccabe, jeepney, isort, idna, identify, filelock, exceptiongroup, docutils, click, charset-normalizer, chardet, cfgv, certifi, virtualenv, requests, readme-renderer, markdown-it-py, jaraco.classes, importlib-metadata, flake8, deptry, cffi, black, anyio, watchfiles, rich, requests-toolbelt, pre-commit, cryptography, SecretStorage, keyring, twine\nSuccessfully installed Pygments-2.17.2 SecretStorage-3.3.3 anyio-4.2.0 black-23.3.0 certifi-2023.11.17 cffi-1.16.0 cfgv-3.4.0 chardet-5.2.0 charset-normalizer-3.3.2 click-8.1.7 cryptography-41.0.7 deptry-0.12.0 distlib-0.3.8 docutils-0.20.1 exceptiongroup-1.2.0 filelock-3.13.1 flake8-5.0.4 identify-2.5.33 idna-3.6 importlib-metadata-7.0.1 isort-5.10.1 jaraco.classes-3.3.0 jeepney-0.8.0 keyring-24.3.0 markdown-it-py-3.0.0 mccabe-0.7.0 mdurl-0.1.2 more-itertools-10.2.0 mypy-extensions-1.0.0 nh3-0.2.15 nodeenv-1.8.0 packaging-23.2 pathspec-0.12.1 pkginfo-1.9.6 platformdirs-4.1.0 pre-commit-3.6.0 pycodestyle-2.9.1 pycparser-2.21 pyflakes-2.5.0 pyyaml-6.0.1 readme-renderer-42.0 requests-2.31.0 requests-toolbelt-1.0.0 rfc3986-2.0.0 rich-13.7.0 sniffio-1.3.0 tomli-2.0.1 twine-4.0.2 typing-extensions-4.9.0 urllib3-2.1.0 virtualenv-20.25.0 watchfiles-0.19.0 wheel-0.42.0 zipp-3.17.0\n\n[notice] A new release of pip is available: 23.0.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n--- Checking requirements files for duplicates ---\n\n--- Checking that requirements match imports ---\n- mindsdb/integrations/handlers/rag_handler/requirements.txt\n None:None: DEP002 'sentence-transformers' defined as a dependency but not used in the codebase\n\n\n--- Checking handlers that require other handlers ---\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/scripts/check_requirements.py b/tests/scripts/check_requirements.py\nindex f15f826df8..5d74b7956b 100644\n--- a/tests/scripts/check_requirements.py\n+++ b/tests/scripts/check_requirements.py\n@@ -46,7 +46,8 @@ MAIN_RULE_IGNORES = {\n # THe following packages need exceptions because they are optional deps of some other packages. e.g. langchain CAN use openai\n # (pysqlite3 is imported in an unusual way in the chromadb handler and needs to be excluded too)\n # pypdf and openpyxl are optional deps of langchain, that are used for the file handler\n-OPTIONAL_HANDLER_DEPS = [\"pysqlite3\", \"torch\", \"openai\", \"tiktoken\", \"wikipedia\", \"anthropic\", \"pypdf\", \"openpyxl\"]\n+OPTIONAL_HANDLER_DEPS = [\"pysqlite3\", \"torch\", \"openai\", \"tiktoken\", \"wikipedia\", \"anthropic\", \"pypdf\", \"openpyxl\",\n+ \"sentence-transformers\"]\n \n # List of rules we can ignore for specific packages\n # Here we ignore any packages in the main requirements.txt for \"listed but not used\" errors, because they will be used for the core code but not necessarily in a given handler\n", "difficulty": 1, "changed_files": ["tests/scripts/check_requirements.py"], "commit_link": "https://github.com/mindsdb/mindsdb/tree/e5b5fcb646e6fa9cab60fb4fff930888149b88fe"} \ No newline at end of file diff --git a/data/python/ea0a3a0.json b/data/python/ea0a3a0.json new file mode 100644 index 0000000000000000000000000000000000000000..0dc9908871b723c6da5a789550cc90cfa437708f --- /dev/null +++ b/data/python/ea0a3a0.json @@ -0,0 +1 @@ +{"language": "Python", "id": 77, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "master", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "jameschapman19", "sha_fail": "ea0a3a079585e344875a0355c3207535406aa778", "sha_success": "f3fd4a3f70eea7df8a41df6abbd76e0714c56f9d", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/7_Run Format Check.txt", "log": "##[group]Run make format-check\n\u001b[36;1mmake format-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n\u26ab Checking code format...\nisort --check-only --diff .\nSkipped 2 files\nblack --check .\nwould reformat /home/runner/work/lightly/lightly/lightly/loss/ssley_loss.py\n\nOh no! \ud83d\udca5 \ud83d\udc94 \ud83d\udca5\n1 file would be reformatted, 343 files would be left unchanged.\nmake: *** [Makefile:46: format-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/README.md b/README.md\nindex 77e10af3..70afc941 100644\n--- a/README.md\n+++ b/README.md\n@@ -52,7 +52,6 @@ and PyTorch Lightning distributed examples for all models to kickstart your proj\n - SimMIM, 2021 [paper](https://arxiv.org/abs/2111.09886) [docs](https://docs.lightly.ai/self-supervised-learning/examples/simmim.html)\n - SimSiam, 2021 [paper](https://arxiv.org/abs/2011.10566) [docs](https://docs.lightly.ai/self-supervised-learning/examples/simsiam.html)\n - SMoG, 2022 [paper](https://arxiv.org/abs/2207.06167) [docs](https://docs.lightly.ai/self-supervised-learning/examples/smog.html)\n-- SSL-EY, 2023 [paper](https://arxiv.org/abs/2310.01012) [docs](https://docs.lightly.ai/self-supervised-learning/examples/ssley.html)\n - SwaV, 2020 [paper](https://arxiv.org/abs/2006.09882) [docs](https://docs.lightly.ai/self-supervised-learning/examples/swav.html)\n - TiCo, 2022 [paper](https://arxiv.org/abs/2206.10698) [docs](https://docs.lightly.ai/self-supervised-learning/examples/tico.html)\n - VICReg, 2022 [paper](https://arxiv.org/abs/2105.04906) [docs](https://docs.lightly.ai/self-supervised-learning/examples/vicreg.html)\n@@ -279,17 +278,16 @@ tuned for maximum accuracy. For detailed results and more information about the\n See the [benchmarking scripts](./benchmarks/imagenet/resnet50/) for details.\n \n \n-| Model | Backbone | Batch Size | Epochs | Linear Top1 | Finetune Top1 | kNN Top1 | Tensorboard | Checkpoint |\n-|----------------|----------|------------|--------|-------------|---------------|----------|----------------------------------------------------------------|--------------------------------------------------------------------------------------------------------------------------------------------------------------------|\n-| BarlowTwins | Res50 | 256 | 100 | 62.9 | 72.6 | 45.6 | [link](https://tensorboard.dev/experiment/NxyNRiQsQjWZ82I9b0PvKg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_barlowtwins_2023-08-18_00-11-03/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| BYOL | Res50 | 256 | 100 | 62.4 | 74.0 | 45.6 | [link](https://tensorboard.dev/experiment/Z0iG2JLaTJe5nuBD7DK1bg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_byol_2023-07-10_10-37-32/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| DINO | Res50 | 128 | 100 | 68.2 | 72.5 | 49.9 | [link](https://tensorboard.dev/experiment/DvKHX9sNSWWqDrRksllPLA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dino_2023-06-06_13-59-48/pretrain/version_0/checkpoints/epoch%3D99-step%3D1000900.ckpt) |\n-| SimCLR* | Res50 | 256 | 100 | 63.2 | 73.9 | 44.8 | [link](https://tensorboard.dev/experiment/Ugol97adQdezgcVibDYMMA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_simclr_2023-06-22_09-11-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SimCLR* + DCL | Res50 | 256 | 100 | 65.1 | 73.5 | 49.6 | [link](https://tensorboard.dev/experiment/k4ZonZ77QzmBkc0lXswQlg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dcl_2023-07-04_16-51-40/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SimCLR* + DCLW | Res50 | 256 | 100 | 64.5 | 73.2 | 48.5 | [link](https://tensorboard.dev/experiment/TrALnpwFQ4OkZV3uvaX7wQ/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dclw_2023-07-07_14-57-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SSL-EY | Res50 | 256 | 100 | TODO | TODO | TODO | [link](TODO)| [link](TODO) |\n-| SwAV | Res50 | 256 | 100 | 67.2 | 75.4 | 49.5 | [link](https://tensorboard.dev/experiment/Ipx4Oxl5Qkqm5Sl5kWyKKg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_swav_2023-05-25_08-29-14/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| VICReg | Res50 | 256 | 100 | 63.0 | 73.7 | 46.3 | [link](https://tensorboard.dev/experiment/qH5uywJbTJSzgCEfxc7yUw) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_vicreg_2023-09-11_10-53-08/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| Model | Backbone | Batch Size | Epochs | Linear Top1 | Finetune Top1 | kNN Top1 | Tensorboard | Checkpoint |\n+|----------------|----------|------------|--------|-------------|---------------|----------|-------------|------------|\n+| BarlowTwins | Res50 | 256 | 100 | 62.9 | 72.6 | 45.6 | [link](https://tensorboard.dev/experiment/NxyNRiQsQjWZ82I9b0PvKg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_barlowtwins_2023-08-18_00-11-03/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| BYOL | Res50 | 256 | 100 | 62.4 | 74.0 | 45.6 | [link](https://tensorboard.dev/experiment/Z0iG2JLaTJe5nuBD7DK1bg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_byol_2023-07-10_10-37-32/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| DINO | Res50 | 128 | 100 | 68.2 | 72.5 | 49.9 | [link](https://tensorboard.dev/experiment/DvKHX9sNSWWqDrRksllPLA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dino_2023-06-06_13-59-48/pretrain/version_0/checkpoints/epoch%3D99-step%3D1000900.ckpt) |\n+| SimCLR* | Res50 | 256 | 100 | 63.2 | 73.9 | 44.8 | [link](https://tensorboard.dev/experiment/Ugol97adQdezgcVibDYMMA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_simclr_2023-06-22_09-11-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SimCLR* + DCL | Res50 | 256 | 100 | 65.1 | 73.5 | 49.6 | [link](https://tensorboard.dev/experiment/k4ZonZ77QzmBkc0lXswQlg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dcl_2023-07-04_16-51-40/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SimCLR* + DCLW | Res50 | 256 | 100 | 64.5 | 73.2 | 48.5 | [link](https://tensorboard.dev/experiment/TrALnpwFQ4OkZV3uvaX7wQ/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dclw_2023-07-07_14-57-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SwAV | Res50 | 256 | 100 | 67.2 | 75.4 | 49.5 | [link](https://tensorboard.dev/experiment/Ipx4Oxl5Qkqm5Sl5kWyKKg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_swav_2023-05-25_08-29-14/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| VICReg | Res50 | 256 | 100 | 63.0 | 73.7 | 46.3 | [link](https://tensorboard.dev/experiment/qH5uywJbTJSzgCEfxc7yUw) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_vicreg_2023-09-11_10-53-08/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n \n *\\*We use square root learning rate scaling instead of linear scaling as it yields\n better results for smaller batch sizes. See Appendix B.1 in the [SimCLR paper](https://arxiv.org/abs/2002.05709).*\ndiff --git a/benchmarks/imagenet/resnet50/main.py b/benchmarks/imagenet/resnet50/main.py\nindex 21906071..8eb3e7f6 100644\n--- a/benchmarks/imagenet/resnet50/main.py\n+++ b/benchmarks/imagenet/resnet50/main.py\n@@ -12,7 +12,6 @@ import finetune_eval\n import knn_eval\n import linear_eval\n import simclr\n-import ssley\n import swav\n import torch\n import vicreg\n@@ -59,7 +58,6 @@ METHODS = {\n \"dclw\": {\"model\": dclw.DCLW, \"transform\": dclw.transform},\n \"dino\": {\"model\": dino.DINO, \"transform\": dino.transform},\n \"simclr\": {\"model\": simclr.SimCLR, \"transform\": simclr.transform},\n- \"ssley\": {\"model\": ssley.SSLEY, \"transform\": ssley.transform},\n \"swav\": {\"model\": swav.SwAV, \"transform\": swav.transform},\n \"vicreg\": {\"model\": vicreg.VICReg, \"transform\": vicreg.transform},\n }\ndiff --git a/benchmarks/imagenet/resnet50/ssley.py b/benchmarks/imagenet/resnet50/ssley.py\ndeleted file mode 100644\nindex 1c45a75e..00000000\n--- a/benchmarks/imagenet/resnet50/ssley.py\n+++ /dev/null\n@@ -1,127 +0,0 @@\n-from typing import List, Tuple\n-\n-import torch\n-from pytorch_lightning import LightningModule\n-from torch import Tensor\n-from torch.nn import Identity\n-from torchvision.models import resnet50\n-\n-from lightly.loss.ssley_loss import SSLEYLoss\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.models.utils import get_weight_decay_parameters\n-from lightly.transforms.ssley_transform import VICRegTransform\n-from lightly.utils.benchmarking import OnlineLinearClassifier\n-from lightly.utils.lars import LARS\n-from lightly.utils.scheduler import CosineWarmupScheduler\n-\n-\n-class SSLEY(LightningModule):\n- def __init__(self, batch_size_per_device: int, num_classes: int) -> None:\n- super().__init__()\n- self.save_hyperparameters()\n- self.batch_size_per_device = batch_size_per_device\n-\n- resnet = resnet50()\n- resnet.fc = Identity() # Ignore classification head\n- self.backbone = resnet\n- self.projection_head = VICRegProjectionHead(num_layers=2)\n- self.criterion = SSLEYLoss()\n-\n- self.online_classifier = OnlineLinearClassifier(num_classes=num_classes)\n-\n- def forward(self, x: Tensor) -> Tensor:\n- return self.backbone(x)\n-\n- def training_step(\n- self, batch: Tuple[List[Tensor], Tensor, List[str]], batch_idx: int\n- ) -> Tensor:\n- views, targets = batch[0], batch[1]\n- features = self.forward(torch.cat(views)).flatten(start_dim=1)\n- z = self.projection_head(features)\n- z_a, z_b = z.chunk(len(views))\n- loss = self.criterion(z_a=z_a, z_b=z_b)\n- self.log(\n- \"train_loss\", loss, prog_bar=True, sync_dist=True, batch_size=len(targets)\n- )\n-\n- # Online linear evaluation.\n- cls_loss, cls_log = self.online_classifier.training_step(\n- (features.detach(), targets.repeat(len(views))), batch_idx\n- )\n-\n- self.log_dict(cls_log, sync_dist=True, batch_size=len(targets))\n- return loss + cls_loss\n-\n- def validation_step(\n- self, batch: Tuple[Tensor, Tensor, List[str]], batch_idx: int\n- ) -> Tensor:\n- images, targets = batch[0], batch[1]\n- features = self.forward(images).flatten(start_dim=1)\n- cls_loss, cls_log = self.online_classifier.validation_step(\n- (features.detach(), targets), batch_idx\n- )\n- self.log_dict(cls_log, prog_bar=True, sync_dist=True, batch_size=len(targets))\n- return cls_loss\n-\n- def configure_optimizers(self):\n- # Don't use weight decay for batch norm, bias parameters, and classification\n- # head to improve performance.\n- params, params_no_weight_decay = get_weight_decay_parameters(\n- [self.backbone, self.projection_head]\n- )\n- global_batch_size = self.batch_size_per_device * self.trainer.world_size\n- base_lr = _get_base_learning_rate(global_batch_size=global_batch_size)\n- optimizer = LARS(\n- [\n- {\"name\": \"ssley\", \"params\": params},\n- {\n- \"name\": \"ssley_no_weight_decay\",\n- \"params\": params_no_weight_decay,\n- \"weight_decay\": 0.0,\n- },\n- {\n- \"name\": \"online_classifier\",\n- \"params\": self.online_classifier.parameters(),\n- \"weight_decay\": 0.0,\n- },\n- ],\n- # Linear learning rate scaling with a base learning rate of 0.2.\n- # See https://arxiv.org/pdf/2105.04906.pdf for details.\n- lr=base_lr * global_batch_size / 256,\n- momentum=0.9,\n- weight_decay=1e-6,\n- )\n- scheduler = {\n- \"scheduler\": CosineWarmupScheduler(\n- optimizer=optimizer,\n- warmup_epochs=(\n- self.trainer.estimated_stepping_batches\n- / self.trainer.max_epochs\n- * 10\n- ),\n- max_epochs=self.trainer.estimated_stepping_batches,\n- end_value=0.01, # Scale base learning rate from 0.2 to 0.002.\n- ),\n- \"interval\": \"step\",\n- }\n- return [optimizer], [scheduler]\n-\n-\n-# SSLEY transform\n-transform = VICRegTransform()\n-\n-\n-def _get_base_learning_rate(global_batch_size: int) -> float:\n- \"\"\"Returns the base learning rate for training 100 epochs with a given batch size.\n-\n- This follows section C.4 in https://arxiv.org/pdf/2105.04906.pdf.\n-\n- \"\"\"\n- if global_batch_size == 128:\n- return 0.8\n- elif global_batch_size == 256:\n- return 0.5\n- elif global_batch_size == 512:\n- return 0.4\n- else:\n- return 0.3\ndiff --git a/docs/source/examples/ssley.rst b/docs/source/examples/ssley.rst\ndeleted file mode 100644\nindex 8a449f69..00000000\n--- a/docs/source/examples/ssley.rst\n+++ /dev/null\n@@ -1,48 +0,0 @@\n-.. _ssley:\n-\n-SSL-EY\n-=======\n-\n-SSL-EY is a method that explicitly\n-avoids the collapse problem with a simple regularization term on the variance of the embeddings along each dimension individually. It inherits the model structure from\n-`Barlow Twins, 2022 `_ changing the loss. Doing so allows the stabilization of the training and leads to performance improvements. \n-\n-Reference:\n- `Efficient Algorithms for the CCA Family: Unconstrained Objectives with Unbiased Gradients, 2023 `_\n-\n-\n-.. tabs::\n- .. tab:: PyTorch\n-\n- This example can be run from the command line with::\n-\n- python lightly/examples/pytorch/ssley.py\n-\n- .. literalinclude:: ../../../examples/pytorch/ssley.py\n-\n- .. tab:: Lightning\n-\n- This example can be run from the command line with::\n-\n- python lightly/examples/pytorch_lightning/ssley.py\n-\n- .. literalinclude:: ../../../examples/pytorch_lightning/ssley.py\n-\n- .. tab:: Lightning Distributed\n-\n- This example runs on multiple gpus using Distributed Data Parallel (DDP)\n- training with Pytorch Lightning. At least one GPU must be available on \n- the system. The example can be run from the command line with::\n-\n- python lightly/examples/pytorch_lightning_distributed/ssley.py\n-\n- The model differs in the following ways from the non-distributed\n- implementation:\n-\n- - Distributed Data Parallel is enabled\n- - Distributed Sampling is used in the dataloader\n-\n- Distributed Sampling makes sure that each distributed process sees only\n- a subset of the data.\n-\n- .. literalinclude:: ../../../examples/pytorch_lightning_distributed/ssley.py\n\\ No newline at end of file\ndiff --git a/docs/source/getting_started/benchmarks/imagenette_benchmark.py b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\nindex af2759ed..b5c5e8e7 100644\n--- a/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n+++ b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n@@ -29,7 +29,6 @@ Results (4.5.2023):\n | SimCLR | 256 | 200 | 0.835 | 49.7 Min | 3.7 GByte |\n | SimMIM (ViT-B32) | 256 | 200 | 0.315 | 115.5 Min | 9.7 GByte |\n | SimSiam | 256 | 200 | 0.752 | 58.2 Min | 3.9 GByte |\n-| SSL-EY | 256 | 200 | TO-DO | TO-DO | TO-DO GByte |\n | SwaV | 256 | 200 | 0.861 | 73.3 Min | 6.4 GByte |\n | SwaVQueue | 256 | 200 | 0.827 | 72.6 Min | 6.4 GByte |\n | SMoG | 256 | 200 | 0.663 | 58.7 Min | 2.6 GByte |\n@@ -51,7 +50,6 @@ Results (4.5.2023):\n | SimCLR | 256 | 800 | 0.889 | 193.5 Min | 3.7 GByte |\n | SimMIM (ViT-B32) | 256 | 800 | 0.343 | 446.5 Min | 9.7 GByte |\n | SimSiam | 256 | 800 | 0.872 | 206.4 Min | 3.9 GByte |\n-| SSL-EY | 256 | 800 | TO-DO | TO-DO | TO-DO GByte |\n | SwaV | 256 | 800 | 0.902 | 283.2 Min | 6.4 GByte |\n | SwaVQueue | 256 | 800 | 0.890 | 282.7 Min | 6.4 GByte |\n | SMoG | 256 | 800 | 0.788 | 232.1 Min | 2.6 GByte |\n@@ -83,7 +81,6 @@ from lightly.loss import (\n NegativeCosineSimilarity,\n NTXentLoss,\n PMSNLoss,\n- SSLEYLoss,\n SwaVLoss,\n TiCoLoss,\n VICRegLLoss,\n@@ -270,7 +267,6 @@ def create_dataset_train_ssl(model):\n SimCLRModel: simclr_transform,\n SimMIMModel: simmim_transform,\n SimSiamModel: simsiam_transform,\n- SSL_EYModel: vicreg_transform,\n SwaVModel: swav_transform,\n SwaVQueueModel: swav_transform,\n SMoGModel: smog_transform,\n@@ -1169,42 +1165,6 @@ class SimMIMModel(BenchmarkModule):\n return [optim], [cosine_scheduler]\n \n \n-class SSLEYModel(BenchmarkModule):\n- def __init__(self, dataloader_kNN, num_classes):\n- super().__init__(dataloader_kNN, num_classes)\n- # create a ResNet backbone and remove the classification head\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = heads.BarlowTwinsProjectionHead(512, 2048, 2048)\n- self.criterion = SSLEYLoss()\n- self.warmup_epochs = 40 if max_epochs >= 800 else 20\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1), _, _ = batch\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- # Training diverges without LARS\n- optim = LARS(\n- self.parameters(),\n- lr=0.3 * lr_factor,\n- weight_decay=1e-4,\n- momentum=0.9,\n- )\n- cosine_scheduler = scheduler.CosineWarmupScheduler(\n- optim, self.warmup_epochs, max_epochs\n- )\n- return [optim], [cosine_scheduler]\n-\n-\n class VICRegModel(BenchmarkModule):\n def __init__(self, dataloader_kNN, num_classes):\n super().__init__(dataloader_kNN, num_classes)\n@@ -1450,7 +1410,6 @@ models = [\n SimCLRModel,\n # SimMIMModel, #\u00a0disabled by default because SimMIM uses larger images with size 224\n SimSiamModel,\n- SSLEYModel,\n SwaVModel,\n SwaVQueueModel,\n SMoGModel,\ndiff --git a/docs/source/lightly.loss.rst b/docs/source/lightly.loss.rst\nindex 2976cca5..38e304b6 100644\n--- a/docs/source/lightly.loss.rst\n+++ b/docs/source/lightly.loss.rst\n@@ -41,9 +41,6 @@ lightly.loss\n .. autoclass:: lightly.loss.regularizer.co2.CO2Regularizer\n :members:\n \n-.. autoclass:: lightly.loss.ssley_loss.SSLEYLoss\n- :members:\n-\n .. autoclass:: lightly.loss.swav_loss.SwaVLoss\n :members:\n \ndiff --git a/examples/pytorch/ssley.py b/examples/pytorch/ssley.py\ndeleted file mode 100644\nindex 695fe92d..00000000\n--- a/examples/pytorch/ssley.py\n+++ /dev/null\n@@ -1,70 +0,0 @@\n-import torch\n-import torchvision\n-from torch import nn\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.loss.ssley_loss import SSLEYLoss\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(nn.Module):\n- def __init__(self, backbone):\n- super().__init__()\n- self.backbone = backbone\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n-\n-resnet = torchvision.models.resnet18()\n-backbone = nn.Sequential(*list(resnet.children())[:-1])\n-model = SSLEY(backbone)\n-\n-device = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n-model.to(device)\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-criterion = SSLEYLoss()\n-optimizer = torch.optim.SGD(model.parameters(), lr=0.06)\n-\n-print(\"Starting Training\")\n-for epoch in range(10):\n- total_loss = 0\n- for batch in dataloader:\n- x0, x1 = batch[0]\n- x0 = x0.to(device)\n- x1 = x1.to(device)\n- z0 = model(x0)\n- z1 = model(x1)\n- loss = criterion(z0, z1)\n- total_loss += loss.detach()\n- loss.backward()\n- optimizer.step()\n- optimizer.zero_grad()\n- avg_loss = total_loss / len(dataloader)\n- print(f\"epoch: {epoch:>02}, loss: {avg_loss:.5f}\")\ndiff --git a/examples/pytorch_lightning/ssley.py b/examples/pytorch_lightning/ssley.py\ndeleted file mode 100644\nindex 6cc17de9..00000000\n--- a/examples/pytorch_lightning/ssley.py\n+++ /dev/null\n@@ -1,67 +0,0 @@\n-# Note: The model and training settings do not follow the reference settings\n-# from the paper. The settings are chosen such that the example can easily be\n-# run on a small dataset with a single GPU.\n-\n-import pytorch_lightning as pl\n-import torch\n-import torchvision\n-from torch import nn\n-\n-from lightly.loss.ssley_loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(pl.LightningModule):\n- def __init__(self):\n- super().__init__()\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n- self.criterion = SSLEYLoss()\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1) = batch[0]\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- optim = torch.optim.SGD(self.parameters(), lr=0.06)\n- return optim\n-\n-\n-model = SSLEY()\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-\n-accelerator = \"gpu\" if torch.cuda.is_available() else \"cpu\"\n-\n-trainer = pl.Trainer(max_epochs=10, devices=1, accelerator=accelerator)\n-trainer.fit(model=model, train_dataloaders=dataloader)\ndiff --git a/examples/pytorch_lightning_distributed/ssley.py b/examples/pytorch_lightning_distributed/ssley.py\ndeleted file mode 100644\nindex 3f034adc..00000000\n--- a/examples/pytorch_lightning_distributed/ssley.py\n+++ /dev/null\n@@ -1,77 +0,0 @@\n-# Note: The model and training settings do not follow the reference settings\n-# from the paper. The settings are chosen such that the example can easily be\n-# run on a small dataset with a single GPU.\n-\n-import pytorch_lightning as pl\n-import torch\n-import torchvision\n-from torch import nn\n-\n-from lightly.loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(pl.LightningModule):\n- def __init__(self):\n- super().__init__()\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n-\n- # enable gather_distributed to gather features from all gpus\n- # before calculating the loss\n- self.criterion = SSLEYLoss(gather_distributed=True)\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1) = batch[0]\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- optim = torch.optim.SGD(self.parameters(), lr=0.06)\n- return optim\n-\n-\n-model = SSLEY()\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-\n-# Train with DDP and use Synchronized Batch Norm for a more accurate batch norm\n-# calculation. Distributed sampling is also enabled with replace_sampler_ddp=True.\n-trainer = pl.Trainer(\n- max_epochs=10,\n- devices=\"auto\",\n- accelerator=\"gpu\",\n- strategy=\"ddp\",\n- sync_batchnorm=True,\n- use_distributed_sampler=True, # or replace_sampler_ddp=True for PyTorch Lightning <2.0\n-)\n-trainer.fit(model=model, train_dataloaders=dataloader)\ndiff --git a/lightly/loss/__init__.py b/lightly/loss/__init__.py\nindex 51ff573c..385cf3bb 100644\n--- a/lightly/loss/__init__.py\n+++ b/lightly/loss/__init__.py\n@@ -5,11 +5,11 @@\n from lightly.loss.barlow_twins_loss import BarlowTwinsLoss\n from lightly.loss.dcl_loss import DCLLoss, DCLWLoss\n from lightly.loss.dino_loss import DINOLoss\n+from lightly.loss.mmcr_loss import MMCRLoss\n from lightly.loss.msn_loss import MSNLoss\n from lightly.loss.negative_cosine_similarity import NegativeCosineSimilarity\n from lightly.loss.ntx_ent_loss import NTXentLoss\n from lightly.loss.pmsn_loss import PMSNCustomLoss, PMSNLoss\n-from lightly.loss.ssley_loss import SSLEYLoss\n from lightly.loss.swav_loss import SwaVLoss\n from lightly.loss.sym_neg_cos_sim_loss import SymNegCosineSimilarityLoss\n from lightly.loss.tico_loss import TiCoLoss\ndiff --git a/lightly/loss/mmcr_loss.py b/lightly/loss/mmcr_loss.py\nnew file mode 100644\nindex 00000000..883b1147\n--- /dev/null\n+++ b/lightly/loss/mmcr_loss.py\n@@ -0,0 +1,66 @@\n+import torch\n+import torch.nn as nn\n+from torch.linalg import svd\n+\n+\n+class MMCRLoss(nn.Module):\n+ \"\"\"Implementation of the loss function from MMCR [0] using Manifold Capacity.\n+ All hyperparameters are set to the default values from the paper for ImageNet.\n+\n+ - [0]: Efficient Coding of Natural Images using Maximum Manifold Capacity\n+ Representations, 2023, https://arxiv.org/pdf/2303.03307.pdf\n+\n+ Examples:\n+\n+\n+ >>> # initialize loss function\n+ >>> loss_fn = MMCRLoss()\n+ >>> transform = MMCRTransform(k=2)\n+ >>>\n+ >>> # transform images, then feed through encoder and projector\n+ >>> x = transform(x)\n+ >>> online = online_network(x)\n+ >>> momentum = momentum_network(x)\n+ >>>\n+ >>> # calculate loss\n+ >>> loss = loss_fn(online, momentum)\n+ \"\"\"\n+\n+ def __init__(self, lmda: float = 5e-3):\n+ super().__init__()\n+ if lmda < 0:\n+ raise ValueError(\"lmda must be greater than or equal to 0\")\n+\n+ self.lmda = lmda\n+\n+ def forward(self, online: torch.Tensor, momentum: torch.Tensor) -> torch.Tensor:\n+ \"\"\"\n+ Args:\n+ online:\n+ Output of the online network for the current batch. Expected to be\n+ of shape (batch_size, k, embedding_size), where k represents the\n+ number of randomly augmented views for each sample.\n+ momentum:\n+ Output of the momentum network for the current batch. Expected to be\n+ of shape (batch_size, k, embedding_size), where k represents the\n+ number of randomly augmented views for each sample.\n+\n+ \"\"\"\n+ assert (\n+ online.shape == momentum.shape\n+ ), \"online and momentum need to have the same shape\"\n+\n+ B = online.shape[0]\n+\n+ # Concatenate and calculate centroid\n+ z = torch.cat([online, momentum], dim=1)\n+ c = torch.mean(z, dim=1) # B x D\n+\n+ # Calculate singular values\n+ _, S_z, _ = svd(z)\n+ _, S_c, _ = svd(c)\n+\n+ # Calculate loss\n+ loss = -1.0 * torch.sum(S_c) + self.lmda * torch.sum(S_z) / B\n+\n+ return loss\ndiff --git a/lightly/loss/ssley_loss.py b/lightly/loss/ssley_loss.py\ndeleted file mode 100644\nindex d7f015d6..00000000\n--- a/lightly/loss/ssley_loss.py\n+++ /dev/null\n@@ -1,83 +0,0 @@\n-import torch\n-import torch.distributed as dist\n-import torch.nn.functional as F\n-from torch import Tensor\n-\n-from lightly.utils.dist import gather\n-\n-\n-class SSLEYLoss(torch.nn.Module):\n- \"\"\"Implementation of the SSL-EY loss [0].\n-\n- - [0] Efficient Algorithms for the CCA Family: Unconstrained Objectives with Unbiased Gradients, 2022, https://arxiv.org/abs/2310.01012\n-\n- Attributes:\n- gather_distributed:\n- If True then the cross-correlation matrices from all gpus are gathered and\n- summed before the loss calculation.\n- eps:\n- Epsilon for numerical stability.\n-\n- Examples:\n-\n- >>> # initialize loss function\n- >>> loss_fn = SSLEYLoss()\n- >>>\n- >>> # generate two random transforms of images\n- >>> t0 = transforms(images)\n- >>> t1 = transforms(images)\n- >>>\n- >>> # feed through model\n- >>> out0, out1 = model(t0, t1)\n- >>>\n- >>> # calculate loss\n- >>> loss = loss_fn(out0, out1)\n- \"\"\"\n-\n- def __init__(\n- self,\n- gather_distributed: bool = False,\n- eps=0.0001,\n- ):\n- super(SSLEYLoss, self).__init__()\n- if gather_distributed and not dist.is_available():\n- raise ValueError(\n- \"gather_distributed is True but torch.distributed is not available. \"\n- \"Please set gather_distributed=False or install a torch version with \"\n- \"distributed support.\"\n- )\n-\n- self.gather_distributed = gather_distributed\n- self.eps = eps\n-\n- def forward(self, z_a: torch.Tensor, z_b: torch.Tensor) -> torch.Tensor:\n- \"\"\"Returns SSL-EY loss.\n-\n- Args:\n- z_a:\n- Tensor with shape (batch_size, ..., dim).\n- z_b:\n- Tensor with shape (batch_size, ..., dim).\n- \"\"\"\n- assert (\n- z_a.shape[0] > 1 and z_b.shape[0] > 1\n- ), f\"z_a and z_b must have batch size > 1 but found {z_a.shape[0]} and {z_b.shape[0]}\"\n- assert (\n- z_a.shape == z_b.shape\n- ), f\"z_a and z_b must have same shape but found {z_a.shape} and {z_b.shape}.\"\n- # gather all batches\n- if self.gather_distributed and dist.is_initialized():\n- world_size = dist.get_world_size()\n- if world_size > 1:\n- z_a = torch.cat(gather(z_a), dim=0)\n- z_b = torch.cat(gather(z_b), dim=0)\n-\n- z_a = z_a - z_a.mean(dim=0)\n- z_b = z_b - z_b.mean(dim=0)\n- batch_size = z_a.size(0)\n- C = 2*(z_a.T @ z_b) / (batch_size - 1)\n- V = (z_a.T @ z_a) / (batch_size - 1) + (z_b.T @ z_b) / (batch_size - 1)\n-\n- loss = -2 * torch.trace(C) + torch.trace(V @ V)\n-\n- return loss\ndiff --git a/lightly/transforms/__init__.py b/lightly/transforms/__init__.py\nindex 33c70bda..1f841fcc 100644\n--- a/lightly/transforms/__init__.py\n+++ b/lightly/transforms/__init__.py\n@@ -18,6 +18,7 @@ from lightly.transforms.fast_siam_transform import FastSiamTransform\n from lightly.transforms.gaussian_blur import GaussianBlur\n from lightly.transforms.jigsaw import Jigsaw\n from lightly.transforms.mae_transform import MAETransform\n+from lightly.transforms.mmcr_transform import MMCRTransform\n from lightly.transforms.moco_transform import MoCoV1Transform, MoCoV2Transform\n from lightly.transforms.msn_transform import MSNTransform, MSNViewTransform\n from lightly.transforms.pirl_transform import PIRLTransform\ndiff --git a/lightly/transforms/mmcr_transform.py b/lightly/transforms/mmcr_transform.py\nnew file mode 100644\nindex 00000000..4d47a3e2\n--- /dev/null\n+++ b/lightly/transforms/mmcr_transform.py\n@@ -0,0 +1,89 @@\n+from typing import Dict, List, Optional, Tuple, Union\n+\n+from lightly.transforms.byol_transform import BYOLView1Transform\n+from lightly.transforms.multi_view_transform import MultiViewTransform\n+from lightly.transforms.utils import IMAGENET_NORMALIZE\n+\n+\n+class MMCRTransform(MultiViewTransform):\n+ \"\"\"Implements the transformations for MMCR[0], which\n+ are based on BYOL[1].\n+\n+ Input to this transform:\n+ PIL Image or Tensor.\n+\n+ Output of this transform:\n+ List of Tensor of length k.\n+\n+ Applies the following augmentations by default:\n+ - Random resized crop\n+ - Random horizontal flip\n+ - Color jitter\n+ - Random gray scale\n+ - Gaussian blur\n+ - Solarization\n+ - ImageNet normalization\n+\n+ Please refer to the BYOL implementation for additional details.\n+\n+ - [0]: Efficient Coding of Natural Images using Maximum Manifold Capacity\n+ Representations, 2023, https://arxiv.org/pdf/2303.03307.pdf\n+ - [1]: Bootstrap Your Own Latent, 2020, https://arxiv.org/pdf/2006.07733.pdf\n+\n+\n+ Input to this transform:\n+ PIL Image or Tensor.\n+\n+ Output of this transform:\n+ List of tensors of length k.\n+\n+ Attributes:\n+ k: Number of views.\n+ transform: The transform to apply to each view.\n+ \"\"\"\n+\n+ def __init__(\n+ self,\n+ k: int = 8,\n+ input_size: int = 224,\n+ cj_prob: float = 0.8,\n+ cj_strength: float = 1.0,\n+ cj_bright: float = 0.4,\n+ cj_contrast: float = 0.4,\n+ cj_sat: float = 0.2,\n+ cj_hue: float = 0.1,\n+ min_scale: float = 0.08,\n+ random_gray_scale: float = 0.2,\n+ gaussian_blur: float = 1.0,\n+ solarization_prob: float = 0.0,\n+ kernel_size: Optional[float] = None,\n+ sigmas: Tuple[float, float] = (0.1, 2),\n+ vf_prob: float = 0.0,\n+ hf_prob: float = 0.5,\n+ rr_prob: float = 0.0,\n+ rr_degrees: Union[None, float, Tuple[float, float]] = None,\n+ normalize: Union[None, Dict[str, List[float]]] = IMAGENET_NORMALIZE,\n+ ):\n+ if k < 1:\n+ raise ValueError(\"k must be greater than or equal to 1\")\n+ transform = BYOLView1Transform(\n+ input_size=input_size,\n+ cj_prob=cj_prob,\n+ cj_strength=cj_strength,\n+ cj_bright=cj_bright,\n+ cj_contrast=cj_contrast,\n+ cj_sat=cj_sat,\n+ cj_hue=cj_hue,\n+ min_scale=min_scale,\n+ random_gray_scale=random_gray_scale,\n+ gaussian_blur=gaussian_blur,\n+ solarization_prob=solarization_prob,\n+ kernel_size=kernel_size,\n+ sigmas=sigmas,\n+ vf_prob=vf_prob,\n+ hf_prob=hf_prob,\n+ rr_prob=rr_prob,\n+ rr_degrees=rr_degrees,\n+ normalize=normalize,\n+ )\n+ super().__init__(transforms=[transform] * k)\ndiff --git a/lightly/utils/benchmarking/knn_classifier.py b/lightly/utils/benchmarking/knn_classifier.py\nindex 6b5b7a95..ab78bb8c 100644\n--- a/lightly/utils/benchmarking/knn_classifier.py\n+++ b/lightly/utils/benchmarking/knn_classifier.py\n@@ -6,7 +6,6 @@ from pytorch_lightning import LightningModule\n from torch import Tensor\n from torch.nn import Module\n \n-from lightly.models.utils import activate_requires_grad, deactivate_requires_grad\n from lightly.utils.benchmarking import knn_predict\n from lightly.utils.benchmarking.topk import mean_topk_accuracy\n \n@@ -97,6 +96,7 @@ class KNNClassifier(LightningModule):\n self._train_features_tensor: Union[Tensor, None] = None\n self._train_targets_tensor: Union[Tensor, None] = None\n \n+ @torch.no_grad()\n def training_step(self, batch, batch_idx) -> None:\n images, targets = batch[0], batch[1]\n features = self.model.forward(images).flatten(start_dim=1)\n@@ -141,13 +141,9 @@ class KNNClassifier(LightningModule):\n targets = targets.flatten().t().contiguous()\n self._train_targets_tensor = targets.to(self.device)\n \n- def on_fit_start(self) -> None:\n- # Freeze model weights.\n- deactivate_requires_grad(model=self.model)\n-\n- def on_fit_end(self) -> None:\n- # Unfreeze model weights.\n- activate_requires_grad(model=self.model)\n+ def on_train_epoch_start(self) -> None:\n+ # Set model to eval mode to disable norm layer updates.\n+ self.model.eval()\n \n def configure_optimizers(self) -> None:\n # configure_optimizers must be implemented for PyTorch Lightning. Returning None\ndiff --git a/lightly/utils/benchmarking/linear_classifier.py b/lightly/utils/benchmarking/linear_classifier.py\nindex 3fb76c6e..647b8dd4 100644\n--- a/lightly/utils/benchmarking/linear_classifier.py\n+++ b/lightly/utils/benchmarking/linear_classifier.py\n@@ -1,11 +1,11 @@\n from typing import Any, Dict, List, Tuple, Union\n \n+import torch\n from pytorch_lightning import LightningModule\n from torch import Tensor\n from torch.nn import CrossEntropyLoss, Linear, Module\n from torch.optim import SGD, Optimizer\n \n-from lightly.models.utils import activate_requires_grad, deactivate_requires_grad\n from lightly.utils.benchmarking.topk import mean_topk_accuracy\n from lightly.utils.scheduler import CosineWarmupScheduler\n \n@@ -93,7 +93,11 @@ class LinearClassifier(LightningModule):\n self.criterion = CrossEntropyLoss()\n \n def forward(self, images: Tensor) -> Tensor:\n- features = self.model.forward(images).flatten(start_dim=1)\n+ if self.freeze_model:\n+ with torch.no_grad():\n+ features = self.model.forward(images).flatten(start_dim=1)\n+ else:\n+ features = self.model.forward(images).flatten(start_dim=1)\n output: Tensor = self.classification_head(features)\n return output\n \n@@ -147,12 +151,7 @@ class LinearClassifier(LightningModule):\n }\n return [optimizer], [scheduler]\n \n- def on_fit_start(self) -> None:\n- # Freeze model weights.\n- if self.freeze_model:\n- deactivate_requires_grad(model=self.model)\n-\n- def on_fit_end(self) -> None:\n- # Unfreeze model weights.\n+ def on_train_epoch_start(self) -> None:\n if self.freeze_model:\n- activate_requires_grad(model=self.model)\n+ # Set model to eval mode to disable norm layer updates.\n+ self.model.eval()\ndiff --git a/tests/loss/test_MMCR_loss.py b/tests/loss/test_MMCR_loss.py\nnew file mode 100644\nindex 00000000..b0437ba1\n--- /dev/null\n+++ b/tests/loss/test_MMCR_loss.py\n@@ -0,0 +1,65 @@\n+import unittest\n+\n+import torch\n+\n+from lightly.loss.mmcr_loss import MMCRLoss\n+\n+\n+class testMMCRLoss(unittest.TestCase):\n+ def test_forward(self) -> None:\n+ bs = 3\n+ dim = 128\n+ k = 32\n+\n+ loss_fn = MMCRLoss()\n+ online = torch.randn(bs, k, dim)\n+ momentum = torch.randn(bs, k, dim)\n+\n+ loss = loss_fn(online, momentum)\n+\n+ print(loss)\n+\n+ @unittest.skipUnless(torch.cuda.is_available(), \"cuda not available\")\n+ def test_forward_cuda(self) -> None:\n+ bs = 3\n+ dim = 128\n+ k = 32\n+\n+ loss_fn = MMCRLoss()\n+ online = torch.randn(bs, k, dim).cuda()\n+ momentum = torch.randn(bs, k, dim).cuda()\n+\n+ loss = loss_fn(online, momentum)\n+\n+ print(loss)\n+\n+ def test_loss_value(self) -> None:\n+ \"\"\"If all values are zero, the loss should be zero.\"\"\"\n+ bs = 3\n+ dim = 128\n+ k = 32\n+\n+ loss_fn = MMCRLoss()\n+ online = torch.zeros(bs, k, dim)\n+ momentum = torch.zeros(bs, k, dim)\n+\n+ loss = loss_fn(online, momentum)\n+\n+ self.assertTrue(loss == 0)\n+\n+ def test_lambda_value_error(self) -> None:\n+ \"\"\"If lambda is negative, a ValueError should be raised.\"\"\"\n+ with self.assertRaises(ValueError):\n+ MMCRLoss(lmda=-1)\n+\n+ def test_shape_assertion_forward(self) -> None:\n+ bs = 3\n+ dim = 128\n+ k = 32\n+\n+ loss_fn = MMCRLoss()\n+ online = torch.randn(bs, k, dim)\n+ momentum = torch.randn(bs, k, dim + 1)\n+\n+ with self.assertRaises(AssertionError):\n+ loss_fn(online, momentum)\ndiff --git a/tests/loss/test_SSLEYLoss.py b/tests/loss/test_SSLEYLoss.py\ndeleted file mode 100644\nindex 0ee7b1e2..00000000\n--- a/tests/loss/test_SSLEYLoss.py\n+++ /dev/null\n@@ -1,65 +0,0 @@\n-import unittest\n-\n-import pytest\n-import torch\n-from pytest_mock import MockerFixture\n-from torch import distributed as dist\n-\n-from lightly.loss import SSLEYLoss\n-\n-\n-class TestSSLEYLoss:\n- def test__gather_distributed(self, mocker: MockerFixture) -> None:\n- mock_is_available = mocker.patch.object(dist, \"is_available\", return_value=True)\n- SSLEYLoss(gather_distributed=True)\n- mock_is_available.assert_called_once()\n-\n- def test__gather_distributed_dist_not_available(\n- self, mocker: MockerFixture\n- ) -> None:\n- mock_is_available = mocker.patch.object(\n- dist, \"is_available\", return_value=False\n- )\n- with pytest.raises(ValueError):\n- SSLEYLoss(gather_distributed=True)\n- mock_is_available.assert_called_once()\n-\n-\n-class TestSSLEYLossUnitTest(unittest.TestCase):\n- # Old tests in unittest style, please add new tests to TestSSLEYLoss using pytest.\n- def test_forward_pass(self):\n- loss = SSLEYLoss()\n- for bsz in range(2, 4):\n- x0 = torch.randn((bsz, 32))\n- x1 = torch.randn((bsz, 32))\n-\n- # symmetry\n- l1 = loss(x0, x1)\n- l2 = loss(x1, x0)\n- self.assertAlmostEqual((l1 - l2).pow(2).item(), 0.0)\n-\n- @unittest.skipUnless(torch.cuda.is_available(), \"Cuda not available\")\n- def test_forward_pass_cuda(self):\n- loss = SSLEYLoss()\n- for bsz in range(2, 4):\n- x0 = torch.randn((bsz, 32)).cuda()\n- x1 = torch.randn((bsz, 32)).cuda()\n-\n- # symmetry\n- l1 = loss(x0, x1)\n- l2 = loss(x1, x0)\n- self.assertAlmostEqual((l1 - l2).pow(2).item(), 0.0)\n-\n- def test_forward_pass__error_batch_size_1(self):\n- loss = SSLEYLoss()\n- x0 = torch.randn((1, 32))\n- x1 = torch.randn((1, 32))\n- with self.assertRaises(AssertionError):\n- loss(x0, x1)\n-\n- def test_forward_pass__error_different_shapes(self):\n- loss = SSLEYLoss()\n- x0 = torch.randn((2, 32))\n- x1 = torch.randn((2, 16))\n- with self.assertRaises(AssertionError):\n- loss(x0, x1)\ndiff --git a/tests/transforms/test_mmcr_transform.py b/tests/transforms/test_mmcr_transform.py\nnew file mode 100644\nindex 00000000..c51c9e62\n--- /dev/null\n+++ b/tests/transforms/test_mmcr_transform.py\n@@ -0,0 +1,21 @@\n+import pytest\n+from PIL import Image\n+\n+from lightly.transforms.mmcr_transform import MMCRTransform\n+\n+\n+def test_raise_value_error() -> None:\n+ with pytest.raises(ValueError):\n+ MMCRTransform(k=0)\n+\n+\n+def test_num_views() -> None:\n+ multi_view_transform = MMCRTransform(k=3)\n+ assert len(multi_view_transform.transforms) == 3\n+\n+\n+def test_multi_view_on_pil_image() -> None:\n+ multi_view_transform = MMCRTransform(k=3)\n+ sample = Image.new(\"RGB\", (100, 100))\n+ output = multi_view_transform(sample)\n+ assert len(output) == 3\ndiff --git a/tests/utils/benchmarking/test_knn_classifier.py b/tests/utils/benchmarking/test_knn_classifier.py\nindex e8ccfc4f..1b776ce7 100644\n--- a/tests/utils/benchmarking/test_knn_classifier.py\n+++ b/tests/utils/benchmarking/test_knn_classifier.py\n@@ -61,7 +61,11 @@ class TestKNNClassifier:\n \n def _test__accelerator(self, accelerator: str, expected_device: str) -> None:\n torch.manual_seed(0)\n- model = nn.Linear(3, 2)\n+ linear = nn.Linear(3, 2)\n+ batch_norm = nn.BatchNorm1d(2)\n+ model = nn.Sequential(linear, batch_norm)\n+ initial_weights = linear.weight.clone()\n+ initial_bn_weights = batch_norm.weight.clone()\n classifier = KNNClassifier(model, num_classes=10, knn_k=20)\n trainer = Trainer(max_epochs=1, accelerator=accelerator, devices=1)\n train_features = torch.randn(40, 3)\n@@ -93,6 +97,16 @@ class TestKNNClassifier:\n assert classifier._train_features_tensor.device.type == expected_device\n assert classifier._train_targets_tensor.device.type == expected_device\n \n+ # Verify that model weights were not updated.\n+ assert torch.all(torch.eq(initial_weights, linear.weight))\n+ assert torch.all(torch.eq(initial_bn_weights, batch_norm.weight))\n+ # Verify that batch norm statistics were not updated. Note that even though the\n+ # running mean was not updated, it is still initialized to zero.\n+ assert batch_norm.running_mean is not None\n+ assert torch.all(\n+ torch.eq(batch_norm.running_mean, torch.zeros_like(batch_norm.running_mean))\n+ )\n+\n def test__features_dtype(self) -> None:\n model = nn.Identity()\n # Set feature_dtype to torch.int to test if classifier correctly changes dtype.\ndiff --git a/tests/utils/benchmarking/test_linear_classifier.py b/tests/utils/benchmarking/test_linear_classifier.py\nindex 6118733d..14d2e2ef 100644\n--- a/tests/utils/benchmarking/test_linear_classifier.py\n+++ b/tests/utils/benchmarking/test_linear_classifier.py\n@@ -68,8 +68,10 @@ class TestLinearClassifier:\n train_dataloader = DataLoader(dataset, batch_size=2)\n val_dataloader = DataLoader(dataset, batch_size=2)\n linear = nn.Linear(3 * 8 * 8, 4)\n- model = nn.Sequential(nn.Flatten(), linear)\n+ batch_norm = nn.BatchNorm1d(4)\n+ model = nn.Sequential(nn.Flatten(), linear, batch_norm)\n initial_weights = linear.weight.clone()\n+ initial_bn_weights = batch_norm.weight.clone()\n linear_classifier = LinearClassifier(\n model=model,\n batch_size_per_device=2,\n@@ -97,6 +99,13 @@ class TestLinearClassifier:\n \n # Verify that model weights were not updated.\n assert torch.all(torch.eq(initial_weights, linear.weight))\n+ assert torch.all(torch.eq(initial_bn_weights, batch_norm.weight))\n+ # Verify that batch norm statistics were not updated. Note that even though the\n+ # running mean was not updated, it is still initialized to zero.\n+ assert batch_norm.running_mean is not None\n+ assert torch.all(\n+ torch.eq(batch_norm.running_mean, torch.zeros_like(batch_norm.running_mean))\n+ )\n # Verify that head weights were updated.\n assert not torch.all(\n torch.eq(initial_head_weights, linear_classifier.classification_head.weight)\n", "difficulty": 2, "changed_files": ["README.md", "benchmarks/imagenet/resnet50/main.py", "benchmarks/imagenet/resnet50/ssley.py", "docs/source/examples/ssley.rst", "docs/source/getting_started/benchmarks/imagenette_benchmark.py", "docs/source/lightly.loss.rst", "examples/pytorch/ssley.py", "examples/pytorch_lightning/ssley.py", "examples/pytorch_lightning_distributed/ssley.py", "lightly/loss/__init__.py", "lightly/loss/mmcr_loss.py", "lightly/loss/ssley_loss.py", "lightly/transforms/__init__.py", "lightly/transforms/mmcr_transform.py", "lightly/utils/benchmarking/knn_classifier.py", "lightly/utils/benchmarking/linear_classifier.py", "tests/loss/test_MMCR_loss.py", "tests/loss/test_SSLEYLoss.py", "tests/transforms/test_mmcr_transform.py", "tests/utils/benchmarking/test_knn_classifier.py", "tests/utils/benchmarking/test_linear_classifier.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/ea0a3a079585e344875a0355c3207535406aa778"} \ No newline at end of file diff --git a/data/python/eaba357.json b/data/python/eaba357.json new file mode 100644 index 0000000000000000000000000000000000000000..db25f8ac225d76460004bcae6d00bca2748ebc01 --- /dev/null +++ b/data/python/eaba357.json @@ -0,0 +1 @@ +{"language": "Python", "id": 24, "repo_owner": "pyg-team", "repo_name": "pytorch_geometric", "head_branch": "master", "workflow_name": "Documentation", "workflow_filename": "documentation.yml", "workflow_path": ".github/workflows/documentation.yml", "contributor": "RafiBrent", "sha_fail": "eaba3578fb0d3bc8d6cb28db561f33656248bb86", "sha_success": "ea326156c6d7a396ce8cc3374aaffa94f92f05f3", "workflow": "name: Documentation\n\non: # yamllint disable-line rule:truthy\n push:\n branches:\n - master\n pull_request:\n\njobs:\n\n make_html:\n runs-on: ubuntu-latest\n\n steps:\n - name: Checkout repository\n uses: actions/checkout@v4\n with:\n fetch-depth: 40\n\n # Skip workflow if only certain files have been changed.\n - name: Get changed files\n id: changed-files-specific\n uses: tj-actions/changed-files@v34\n with:\n files: |\n benchmark/**\n conda/**\n docker/**\n examples/**\n graphgym/**\n README.md\n CHANGELOG.md\n\n - name: Setup packages\n if: steps.changed-files-specific.outputs.only_changed != 'true'\n uses: ./.github/actions/setup\n with:\n full_install: false\n\n - name: Install main package\n if: steps.changed-files-specific.outputs.only_changed != 'true'\n run: |\n pip install nbsphinx\n pip install git+https://github.com/pyg-team/pyg_sphinx_theme.git\n pip install -e .\n\n - name: Build documentation\n if: steps.changed-files-specific.outputs.only_changed != 'true'\n run: |\n cd docs && make clean && make html SPHINXOPTS=\"-W\" # Fail on warning.\n", "logs": [{"step_name": "make_html/6_Build documentation.txt", "log": "##[group]Run cd docs && make clean && make html SPHINXOPTS=\"-W\" # Fail on warning.\n\u001b[36;1mcd docs && make clean && make html SPHINXOPTS=\"-W\" # Fail on warning.\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\nRunning Sphinx v5.1.1\n\nConfiguration error:\nThere is a programmable error in your configuration file:\n\nTraceback (most recent call last):\n File \"/opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages/sphinx/config.py\", line 347, in eval_config_file\n exec(code, namespace)\n File \"/home/runner/work/pytorch_geometric/pytorch_geometric/docs/source/conf.py\", line 7, in \n import torch_geometric\n File \"/home/runner/work/pytorch_geometric/pytorch_geometric/torch_geometric/__init__.py\", line 6, in \n import torch_geometric.datasets\n File \"/home/runner/work/pytorch_geometric/pytorch_geometric/torch_geometric/datasets/__init__.py\", line 18, in \n from .qm9 import QM9\n File \"/home/runner/work/pytorch_geometric/pytorch_geometric/torch_geometric/datasets/qm9.py\", line 47, in \n class QM9(InMemoryDataset):\n File \"/home/runner/work/pytorch_geometric/pytorch_geometric/torch_geometric/datasets/qm9.py\", line 150, in QM9\n if self.featurize:\nNameError: name 'self' is not defined\n\nmake: *** [Makefile:9: html] Error 2\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/torch_geometric/datasets/qm9.py b/torch_geometric/datasets/qm9.py\nindex 11c457796..d0ef96b1c 100644\n--- a/torch_geometric/datasets/qm9.py\n+++ b/torch_geometric/datasets/qm9.py\n@@ -147,11 +147,6 @@ class QM9(InMemoryDataset):\n 'molnet_publish/qm9.zip')\n raw_url2 = 'https://ndownloader.figshare.com/files/3195404'\n \n- if self.featurize:\n- processed_url = 'https://data.pyg.org/datasets/qm9_v3_featurized.zip'\n- else:\n- processed_url = 'https://data.pyg.org/datasets/qm9_v3.zip'\n-\n def __init__(\n self,\n root: str,\n@@ -163,6 +158,12 @@ class QM9(InMemoryDataset):\n ):\n super().__init__(root, transform, pre_transform, pre_filter,\n force_reload=force_reload)\n+\n+ if featurize == True:\n+ self.processed_url = 'https://data.pyg.org/datasets/qm9_v3_featurized.zip'\n+ else:\n+ self.processed_url = 'https://data.pyg.org/datasets/qm9_v3.zip'\n+ \n self.featurize = featurize\n self.load(self.processed_paths[0])\n \n", "difficulty": 1, "changed_files": ["torch_geometric/datasets/qm9.py"], "commit_link": "https://github.com/pyg-team/pytorch_geometric/tree/eaba3578fb0d3bc8d6cb28db561f33656248bb86"} \ No newline at end of file diff --git a/data/python/ecb486a.json b/data/python/ecb486a.json new file mode 100644 index 0000000000000000000000000000000000000000..fe99e7e6c832651644df43a6c230436609517da4 --- /dev/null +++ b/data/python/ecb486a.json @@ -0,0 +1 @@ +{"language": "Python", "id": 45, "repo_owner": "canonical", "repo_name": "cloud-init", "head_branch": "main", "workflow_name": "Lint Tests", "workflow_filename": "check_format.yml", "workflow_path": ".github/workflows/check_format.yml", "contributor": "phsm", "sha_fail": "ecb486addc70aecc9b28f2b30a77eaf2fd587091", "sha_success": "5e42147f3332b7694dacaada70f86a21f709d139", "workflow": "name: Lint Tests\non:\n pull_request:\n push:\n branches:\n - main\n\nconcurrency:\n group: 'ci-${{ github.workflow }}-${{ github.ref }}'\n cancel-in-progress: true\ndefaults:\n run:\n shell: sh -ex {0}\n\njobs:\n check_format:\n strategy:\n fail-fast: false\n matrix:\n env: [ruff, mypy, pylint, black, isort]\n lint-with:\n - {tip-versions: false, os: ubuntu-20.04}\n - {tip-versions: true, os: ubuntu-latest}\n name: Check ${{ matrix.lint-with.tip-versions && 'tip-' || '' }}${{ matrix.env }}\n runs-on: ${{ matrix.lint-with.os }}\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n\n - name: Dependencies\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n\n - name: Print version\n run: python3 --version\n\n - name: Test\n if: ${{ !matrix.lint-with.tip-versions }}\n env:\n # matrix env: not to be confused w/environment variables or testenv\n TOXENV: ${{ matrix.env }}\n run: tox\n - name: Test (tip versions)\n if: matrix.lint-with.tip-versions\n continue-on-error: true\n env:\n TOXENV: tip-${{ matrix.env }}\n run: tox\n schema-format:\n strategy:\n fail-fast: false\n name: Check json format\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Test format\"\n run: |\n tools/check_json_format.sh cloudinit/config/schemas/schema-cloud-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/schema-network-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/versions.schema.cloud-config.json\n\n doc:\n strategy:\n fail-fast: false\n name: Check docs\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n - name: \"Install Python 3.10\"\n uses: actions/setup-python@v4\n with:\n python-version: '3.10.8'\n - name: \"Install dependencies\"\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n - name: \"Spellcheck\"\n run: |\n tox\n env:\n TOXENV: doc-spelling\n - name: \"Build docs\"\n env:\n TOXENV: doc\n run: |\n tox\n\n shell-lint:\n name: Shell Lint\n runs-on: ubuntu-22.04\n steps:\n - name: Checkout\n uses: actions/checkout@v3.0.0\n\n - name: Install ShellCheck\n run: |\n sudo apt-get update\n sudo apt install shellcheck\n\n - name: Run ShellCheck\n run: |\n shellcheck ./tools/ds-identify\n\n check-cla-signers:\n runs-on: ubuntu-22.04\n steps:\n - uses: actions/checkout@v3.0.0\n\n - name: Check CLA signers file\n run: tools/check-cla-signers\n", "logs": [{"step_name": "Check mypy/6_Test.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/sh -ex {0}\nenv:\n TOXENV: mypy\n##[endgroup]\n+ tox\nGLOB sdist-make: /home/runner/work/cloud-init/cloud-init/setup.py\nmypy create: /home/runner/work/cloud-init/cloud-init/.tox/mypy\nmypy installdeps: hypothesis===6.31.6, hypothesis_jsonschema===0.20.1, mypy===0.950, pytest===7.0.1, types-jsonschema===4.4.2, types-passlib===1.7.7.12, types-pyyaml===6.0.4, types-oauthlib===3.1.6, types-requests===2.27.8, types-setuptools===57.4.9, typing-extensions===4.1.1\nmypy inst: /home/runner/work/cloud-init/cloud-init/.tox/.tmp/package/1/cloud-init-23.4+73.g786216e0.zip\nmypy installed: attrs==23.2.0,certifi==2023.11.17,charset-normalizer==3.3.2,cloud-init==23.4+73.g786216e0,configobj==5.0.8,hypothesis==6.31.6,hypothesis-jsonschema==0.20.1,idna==3.6,importlib-resources==6.1.1,iniconfig==2.0.0,Jinja2==3.1.2,jsonpatch==1.33,jsonpointer==2.4,jsonschema==4.20.0,jsonschema-specifications==2023.12.1,MarkupSafe==2.1.3,mypy==0.950,mypy-extensions==1.0.0,netifaces==0.11.0,oauthlib==3.2.2,packaging==23.2,pkgutil-resolve-name==1.3.10,pluggy==1.3.0,py==1.11.0,pyserial==3.5,pytest==7.0.1,PyYAML==6.0.1,referencing==0.32.0,requests==2.31.0,rpds-py==0.16.2,six==1.16.0,sortedcontainers==2.4.0,tomli==2.0.1,types-jsonschema==4.4.2,types-oauthlib==3.1.6,types-passlib==1.7.7.12,types-PyYAML==6.0.4,types-requests==2.27.8,types-setuptools==57.4.9,types-urllib3==1.26.25.14,typing-extensions==4.1.1,urllib3==2.1.0,zipp==3.17.0\nmypy run-test-pre: PYTHONHASHSEED='2984288895'\nmypy run-test: commands[0] | /home/runner/work/cloud-init/cloud-init/.tox/mypy/bin/python -m mypy cloudinit/ tests/ tools/\ncloudinit/distros/__init__.py:154: error: X | Y syntax for unions requires Python 3.10\ncloudinit/distros/__init__.py:158: error: X | Y syntax for unions requires Python 3.10\nFound 2 errors in 1 file (checked 543 source files)\nERROR: InvocationError for command /home/runner/work/cloud-init/cloud-init/.tox/mypy/bin/python -m mypy cloudinit/ tests/ tools/ (exited with code 1)\n___________________________________ summary ____________________________________\nERROR: mypy: commands failed\n##[error]Process completed with exit code 1.\n"}, {"step_name": "Check pylint/6_Test.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/sh -ex {0}\nenv:\n TOXENV: pylint\n##[endgroup]\n+ tox\nGLOB sdist-make: /home/runner/work/cloud-init/cloud-init/setup.py\npylint create: /home/runner/work/cloud-init/cloud-init/.tox/pylint\npylint installdeps: pylint===2.13.9, -r/home/runner/work/cloud-init/cloud-init/test-requirements.txt, -r/home/runner/work/cloud-init/cloud-init/integration-requirements.txt\npylint inst: /home/runner/work/cloud-init/cloud-init/.tox/.tmp/package/1/cloud-init-23.4+73.g786216e0.zip\npylint installed: adal==1.2.7,anyio==4.2.0,appdirs==1.4.4,applicationinsights==0.11.10,argcomplete==3.1.6,astroid==2.11.7,attrs==23.2.0,autopage==0.5.2,azure-cli-core==2.55.0,azure-cli-telemetry==1.1.0,azure-common==1.1.28,azure-core==1.29.6,azure-identity==1.15.0,azure-mgmt-compute==30.4.0,azure-mgmt-core==1.4.0,azure-mgmt-network==25.2.0,azure-mgmt-resource==23.0.1,bcrypt==4.1.2,boto3==1.34.13,botocore==1.34.13,cachetools==5.3.2,certifi==2023.11.17,cffi==1.16.0,charset-normalizer==3.3.2,circuitbreaker==1.4.0,cliff==4.4.0,cloud-init==23.4+73.g786216e0,cmd2==2.4.3,configobj==5.0.8,coverage==7.4.0,cryptography==41.0.7,debtcollector==2.5.0,decorator==5.1.1,dill==0.3.7,distro==1.9.0,dogpile.cache==1.3.0,exceptiongroup==1.2.0,google-api-core==2.15.0,google-api-python-client==2.112.0,google-auth==2.26.1,google-auth-httplib2==0.2.0,googleapis-common-protos==1.62.0,httplib2==0.22.0,humanfriendly==10.0,ibm-cloud-sdk-core==3.18.2,ibm-platform-services==0.48.1,ibm-vpc==0.20.0,idna==3.6,importlib-metadata==7.0.1,importlib-resources==6.1.1,iniconfig==2.0.0,iso8601==2.1.0,isodate==0.6.1,isort==5.13.2,Jinja2==3.1.2,jmespath==1.0.1,jsonpatch==1.33,jsonpointer==2.4,jsonschema==4.20.0,jsonschema-specifications==2023.12.1,keystoneauth1==5.4.0,knack==0.11.0,lazy-object-proxy==1.10.0,MarkupSafe==2.1.3,mccabe==0.7.0,msal==1.24.0b2,msal-extensions==1.0.0,msgpack==1.0.7,msrest==0.7.1,msrestazure==0.6.4,netaddr==0.10.1,netifaces==0.11.0,oauthlib==3.2.2,oci==2.118.0,openstacksdk==1.4.0,os-service-types==1.7.0,osc-lib==2.9.0,oslo.config==9.2.0,oslo.i18n==6.2.0,oslo.serialization==5.2.0,oslo.utils==6.3.0,packaging==23.2,paramiko==3.4.0,passlib==1.7.4,pbr==6.0.0,pkginfo==1.9.6,pkgutil-resolve-name==1.3.10,platformdirs==4.1.0,pluggy==1.3.0,portalocker==2.8.2,prettytable==3.9.0,protobuf==3.19.6,psutil==5.9.7,pyasn1==0.5.1,pyasn1-modules==0.3.0,pycloudlib==1!5.12.1,pycparser==2.21,pygments==2.17.2,PyJWT==2.8.0,pylint==2.13.9,PyNaCl==1.5.0,pyOpenSSL==23.3.0,pyparsing==2.4.7,pyperclip==1.8.2,pyserial==3.5,pytest==7.4.4,pytest-cov==4.1.0,pytest-mock==3.12.0,python-cinderclient==9.4.0,python-dateutil==2.8.2,python-keystoneclient==5.2.0,python-novaclient==18.4.0,python-openstackclient==6.4.0,pytz==2023.3.post1,PyYAML==6.0.1,qemu.qmp==0.0.3,referencing==0.32.0,requests==2.31.0,requests-oauthlib==1.3.1,requestsexceptions==1.4.0,responses==0.24.1,rfc3986==2.0.0,rpds-py==0.16.2,rsa==4.9,s3transfer==0.10.0,simplejson==3.19.2,six==1.16.0,sniffio==1.3.0,stevedore==5.1.0,tabulate==0.9.0,toml==0.10.0,tomli==2.0.1,typing-extensions==4.9.0,tzdata==2023.4,uritemplate==4.1.1,urllib3==2.1.0,wcwidth==0.2.12,wrapt==1.16.0,zipp==3.17.0\npylint run-test-pre: PYTHONHASHSEED='2754439474'\npylint run-test: commands[0] | /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py\n************* Module cloudinit.distros\ncloudinit/distros/__init__.py:154: [E1131(unsupported-binary-operation), Distro] unsupported operand type(s) for |\ncloudinit/distros/__init__.py:158: [E1131(unsupported-binary-operation), Distro] unsupported operand type(s) for |\n\n------------------------------------\nYour code has been rated at 10.00/10\n\nERROR: InvocationError for command /home/runner/work/cloud-init/cloud-init/.tox/pylint/bin/python -m pylint cloudinit/ tests/ tools/ conftest.py setup.py (exited with code 2)\n___________________________________ summary ____________________________________\nERROR: pylint: commands failed\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/cloudinit/distros/__init__.py b/cloudinit/distros/__init__.py\nindex 9a073742c..c857a8737 100644\n--- a/cloudinit/distros/__init__.py\n+++ b/cloudinit/distros/__init__.py\n@@ -151,11 +151,11 @@ class Distro(persistence.CloudInitPickleMixin, metaclass=abc.ABCMeta):\n # Directory where the distro stores their DHCP leases.\n # The children classes should override this with their dhcp leases\n # directory\n- dhclient_lease_directory: str | None = None\n+ dhclient_lease_directory: Optional[str] = None\n # A regex to match DHCP lease file(s)\n # The children classes should override this with a regex matching\n # their lease file name format\n- dhclient_lease_file_regex: str | None = None\n+ dhclient_lease_file_regex: Optional[str] = None\n \n def __init__(self, name, cfg, paths):\n self._paths = paths\ndiff --git a/cloudinit/sources/DataSourceCloudStack.py b/cloudinit/sources/DataSourceCloudStack.py\nindex e4b4d39b2..98078554e 100644\n--- a/cloudinit/sources/DataSourceCloudStack.py\n+++ b/cloudinit/sources/DataSourceCloudStack.py\n@@ -299,16 +299,16 @@ def get_vr_address(distro=None):\n else:\n LOG.debug(\"Distro object is not defined, skipping leasefile search\")\n \n- if not lease_file:\n- LOG.debug(\"No lease file found, using default gateway\")\n- return get_default_gateway()\n-\n- lease_file = dhcp.IscDhclient.parse_dhcp_server_from_lease_file(lease_file)\n- if not latest_address:\n- # No virtual router found, fallback on default gateway\n- LOG.debug(\"No DHCP found, using default gateway\")\n- return get_default_gateway()\n- return latest_address\n+ if lease_file:\n+ latest_address = dhcp.IscDhclient.parse_dhcp_server_from_lease_file(\n+ lease_file\n+ )\n+ if latest_address:\n+ return latest_address\n+\n+ # No virtual router found, fallback to default gateway\n+ LOG.debug(\"No DHCP found, using default gateway\")\n+ return get_default_gateway()\n \n \n # Used to match classes to dependencies\n", "difficulty": 2, "changed_files": ["cloudinit/distros/__init__.py", "cloudinit/sources/DataSourceCloudStack.py"], "commit_link": "https://github.com/canonical/cloud-init/tree/ecb486addc70aecc9b28f2b30a77eaf2fd587091"} \ No newline at end of file diff --git a/data/python/edaf59b.json b/data/python/edaf59b.json new file mode 100644 index 0000000000000000000000000000000000000000..9191aa0e0038daf3bb3500460ee197fc8a860def --- /dev/null +++ b/data/python/edaf59b.json @@ -0,0 +1 @@ +{"language": "Python", "id": 12, "repo_owner": "skypilot-org", "repo_name": "skypilot", "head_branch": "continuous-sync-alpha-1", "workflow_name": "format", "workflow_filename": "format.yml", "workflow_path": ".github/workflows/format.yml", "contributor": "landscapepainter", "sha_fail": "edaf59b69f96acdf155c4514061ea648ea6df122", "sha_success": "8e88eeea59eb9cb2e877a4bdcf6cd5dab15b78c8", "workflow": "name: format\n\non:\n # Trigger the workflow on push or pull request,\n # but only for the main branch\n push:\n branches:\n - master\n - 'releases/**'\n pull_request:\n branches:\n - master\n - 'releases/**'\njobs:\n format:\n runs-on: ubuntu-latest\n strategy:\n matrix:\n python-version: [\"3.8\"]\n steps:\n - uses: actions/checkout@v3\n - name: Set up Python ${{ matrix.python-version }}\n uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python-version }}\n - name: Install dependencies\n run: |\n python -m pip install --upgrade pip\n pip install yapf==0.32.0\n pip install toml==0.10.2\n pip install black==22.10.0\n pip install isort==5.12.0\n - name: Running yapf\n run: |\n yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n --exclude 'sky/skylet/providers/aws/**' \\\n --exclude 'sky/skylet/providers/gcp/**' \\\n --exclude 'sky/skylet/providers/azure/**' \\\n --exclude 'sky/skylet/providers/ibm/**'\n - name: Running black\n run: |\n black --diff --check sky/skylet/providers/aws/ \\\n sky/skylet/providers/gcp/ \\\n sky/skylet/providers/azure/ \\\n sky/skylet/providers/ibm/\n - name: Running isort for black formatted files\n run: |\n isort --diff --check --profile black -l 88 -m 3 \\\n sky/skylet/providers/ibm/\n - name: Running isort for yapf formatted files\n run: |\n isort --diff --check ./ --sg 'sky/skylet/ray_patches/**' \\\n --sg 'sky/skylet/providers/aws/**' \\\n --sg 'sky/skylet/providers/gcp/**' \\\n --sg 'sky/skylet/providers/azure/**' \\\n --sg 'sky/skylet/providers/ibm/**'\n", "logs": [{"step_name": "format (3.8)/5_Running yapf.txt", "log": "##[group]Run yapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\n\u001b[36;1myapf --diff --recursive ./ --exclude 'sky/skylet/ray_patches/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/aws/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/gcp/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/azure/**' \\\u001b[0m\n\u001b[36;1m --exclude 'sky/skylet/providers/ibm/**'\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n--- ./sky/data/storage.py\t(original)\n+++ ./sky/data/storage.py\t(reformatted)\n@@ -819,7 +819,7 @@\n source = override_args.get('source', metadata.source)\n name = override_args.get('name', metadata.storage_name)\n # If the source is a list, it consists of local paths\n- if not isinstance(source, list): \n+ if not isinstance(source, list):\n if data_utils.is_cloud_store_url(source):\n name = None\n \n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/sky/backends/cloud_vm_ray_backend.py b/sky/backends/cloud_vm_ray_backend.py\nindex 8a93b58c..08bc7ffb 100644\n--- a/sky/backends/cloud_vm_ray_backend.py\n+++ b/sky/backends/cloud_vm_ray_backend.py\n@@ -4557,14 +4557,15 @@ class CloudVmRayBackend(backends.Backend['CloudVmRayResourceHandle']):\n end = time.time()\n logger.debug(f'File mount sync took {end - start} seconds.')\n \n- def _execute_storage_mounts(self, handle: CloudVmRayResourceHandle,\n- storage_mounts: Dict[Path, storage_lib.Storage],\n- mount_mode: storage_utils.StorageMode):\n+ def _execute_storage_mounts(\n+ self, handle: CloudVmRayResourceHandle,\n+ storage_mounts: Optional[Dict[Path, storage_lib.Storage]],\n+ mount_mode: storage_utils.StorageMode):\n \"\"\"Executes storage mounts: installing mounting tools and mounting.\"\"\"\n # Handle cases where `storage_mounts` is None. This occurs when users\n # initiate a 'sky start' command from a Skypilot version that predates\n # the introduction of the `storage_mounts_metadata` feature.\n- if not storage_mounts:\n+ if storage_mounts is None:\n return\n \n # Process only mount mode objects here. COPY mode objects have been\n@@ -4674,7 +4675,7 @@ class CloudVmRayBackend(backends.Backend['CloudVmRayResourceHandle']):\n \n def _has_csync(self, cluster_name: str) -> bool:\n \"\"\"Chekcs if there are CSYNC mode storages within the cluster.\"\"\"\n- storage_mounts = self._get_storage_mounts_metadata(cluster_name)\n+ storage_mounts = self.get_storage_mounts_metadata(cluster_name)\n if storage_mounts is not None:\n for _, storage_obj in storage_mounts.items():\n if storage_obj.mode == storage_utils.StorageMode.CSYNC:\ndiff --git a/sky/data/sky_csync.py b/sky/data/sky_csync.py\nindex c0d521ff..c6c3f981 100644\n--- a/sky/data/sky_csync.py\n+++ b/sky/data/sky_csync.py\n@@ -251,7 +251,7 @@ def csync(source: str, storetype: str, destination: str, num_threads: int,\n \"\"\"Runs daemon to sync the source to the bucket every INTERVAL seconds.\n \n Creates an entry of pid of the sync process in local database while sync\n- command is runninng and removes it when completed.\n+ command is running and removes it when completed.\n \n Args:\n source (str): The local path to the directory that you want to sync.\ndiff --git a/sky/data/storage.py b/sky/data/storage.py\nindex dea9b906..3f7c205f 100644\n--- a/sky/data/storage.py\n+++ b/sky/data/storage.py\n@@ -819,7 +819,7 @@ class Storage(object):\n source = override_args.get('source', metadata.source)\n name = override_args.get('name', metadata.storage_name)\n # If the source is a list, it consists of local paths\n- if not isinstance(source, list): \n+ if not isinstance(source, list):\n if data_utils.is_cloud_store_url(source):\n name = None\n \n", "difficulty": 0, "changed_files": ["sky/backends/cloud_vm_ray_backend.py", "sky/data/sky_csync.py", "sky/data/storage.py"], "commit_link": "https://github.com/skypilot-org/skypilot/tree/edaf59b69f96acdf155c4514061ea648ea6df122"} \ No newline at end of file diff --git a/data/python/f18f82d.json b/data/python/f18f82d.json new file mode 100644 index 0000000000000000000000000000000000000000..e9aae509f0ab4a316415a8367723e280865dc8cf --- /dev/null +++ b/data/python/f18f82d.json @@ -0,0 +1 @@ +{"language": "Python", "id": 15, "repo_owner": "canonical", "repo_name": "cloud-init", "head_branch": "wsl-datasource", "workflow_name": "Lint Tests", "workflow_filename": "check_format.yml", "workflow_path": ".github/workflows/check_format.yml", "contributor": "CarlosNihelton", "sha_fail": "f18f82de3e0270f6dfddf22f1f487104b2428e35", "sha_success": "a56c2fa8719ba2bffef04b4355cd5fd459eb946e", "workflow": "name: Lint Tests\non:\n pull_request:\n push:\n branches:\n - main\n\nconcurrency:\n group: 'ci-${{ github.workflow }}-${{ github.ref }}'\n cancel-in-progress: true\ndefaults:\n run:\n shell: sh -ex {0}\n\njobs:\n check_format:\n strategy:\n fail-fast: false\n matrix:\n env: [ruff, mypy, pylint, black, isort]\n lint-with:\n - {tip-versions: false, os: ubuntu-20.04}\n - {tip-versions: true, os: ubuntu-latest}\n name: Check ${{ matrix.lint-with.tip-versions && 'tip-' || '' }}${{ matrix.env }}\n runs-on: ${{ matrix.lint-with.os }}\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n\n - name: Dependencies\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n\n - name: Print version\n run: python3 --version\n\n - name: Test\n if: ${{ !matrix.lint-with.tip-versions }}\n env:\n # matrix env: not to be confused w/environment variables or testenv\n TOXENV: ${{ matrix.env }}\n run: tox\n - name: Test (tip versions)\n if: matrix.lint-with.tip-versions\n continue-on-error: true\n env:\n TOXENV: tip-${{ matrix.env }}\n run: tox\n schema-format:\n strategy:\n fail-fast: false\n name: Check json format\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Test format\"\n run: |\n tools/check_json_format.sh cloudinit/config/schemas/schema-cloud-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/schema-network-config-v1.json\n tools/check_json_format.sh cloudinit/config/schemas/versions.schema.cloud-config.json\n\n doc:\n strategy:\n fail-fast: false\n name: Check docs\n runs-on: ubuntu-22.04\n steps:\n - name: \"Checkout #1\"\n uses: actions/checkout@v3.0.0\n\n - name: \"Checkout #2 (for tools/read-version)\"\n run: |\n git fetch --unshallow\n git remote add upstream https://git.launchpad.net/cloud-init\n - name: \"Install Python 3.10\"\n uses: actions/setup-python@v4\n with:\n python-version: '3.10.8'\n - name: \"Install dependencies\"\n run: |\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy update\n sudo DEBIAN_FRONTEND=noninteractive apt-get -qy install tox\n - name: \"Spellcheck\"\n run: |\n tox\n env:\n TOXENV: doc-spelling\n - name: \"Build docs\"\n env:\n TOXENV: doc\n run: |\n tox\n\n shell-lint:\n name: Shell Lint\n runs-on: ubuntu-22.04\n steps:\n - name: Checkout\n uses: actions/checkout@v3.0.0\n\n - name: Install ShellCheck\n run: |\n sudo apt-get update\n sudo apt install shellcheck\n\n - name: Run ShellCheck\n run: |\n shellcheck ./tools/ds-identify\n\n check-cla-signers:\n runs-on: ubuntu-22.04\n steps:\n - uses: actions/checkout@v3.0.0\n\n - name: Check CLA signers file\n run: tools/check-cla-signers\n", "logs": [{"step_name": "Check ruff/6_Test.txt", "log": "##[group]Run tox\n\u001b[36;1mtox\u001b[0m\nshell: /usr/bin/sh -ex {0}\nenv:\n TOXENV: ruff\n##[endgroup]\n+ tox\nGLOB sdist-make: /home/runner/work/cloud-init/cloud-init/setup.py\nruff create: /home/runner/work/cloud-init/cloud-init/.tox/ruff\nruff installdeps: ruff===0.0.285\nruff inst: /home/runner/work/cloud-init/cloud-init/.tox/.tmp/package/1/cloud-init-23.4+92.g10cdeb55.zip\nruff installed: attrs==23.2.0,certifi==2023.11.17,charset-normalizer==3.3.2,cloud-init==23.4+92.g10cdeb55,configobj==5.0.8,idna==3.6,importlib-resources==6.1.1,Jinja2==3.1.3,jsonpatch==1.33,jsonpointer==2.4,jsonschema==4.21.0,jsonschema-specifications==2023.12.1,MarkupSafe==2.1.3,netifaces==0.11.0,oauthlib==3.2.2,pkgutil-resolve-name==1.3.10,pyserial==3.5,PyYAML==6.0.1,referencing==0.32.1,requests==2.31.0,rpds-py==0.17.1,ruff==0.0.285,six==1.16.0,urllib3==2.1.0,zipp==3.17.0\nruff run-test-pre: PYTHONHASHSEED='1811068208'\nruff run-test: commands[0] | /home/runner/work/cloud-init/cloud-init/.tox/ruff/bin/python -m ruff cloudinit/ tests/ tools/ packages/bddeb packages/brpm conftest.py setup.py\ntests/unittests/sources/test_wsl.py:10:20: F401 [*] `typing.Optional` imported but unused\nFound 1 error.\n[*] 1 potentially fixable with the --fix option.\nERROR: InvocationError for command /home/runner/work/cloud-init/cloud-init/.tox/ruff/bin/python -m ruff cloudinit/ tests/ tools/ packages/bddeb packages/brpm conftest.py setup.py (exited with code 1)\n___________________________________ summary ____________________________________\nERROR: ruff: commands failed\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/tests/unittests/sources/test_wsl.py b/tests/unittests/sources/test_wsl.py\nindex 9653cfa42..03b3a1f7d 100644\n--- a/tests/unittests/sources/test_wsl.py\n+++ b/tests/unittests/sources/test_wsl.py\n@@ -7,7 +7,7 @@\n import os\n from copy import deepcopy\n from email.mime.multipart import MIMEMultipart\n-from typing import Optional, cast\n+from typing import cast\n \n from cloudinit import helpers, util\n from cloudinit.sources import DataSourceWSL as wsl\n", "difficulty": 0, "changed_files": ["tests/unittests/sources/test_wsl.py"], "commit_link": "https://github.com/canonical/cloud-init/tree/f18f82de3e0270f6dfddf22f1f487104b2428e35"} \ No newline at end of file diff --git a/data/python/f2f8b63.json b/data/python/f2f8b63.json new file mode 100644 index 0000000000000000000000000000000000000000..cd5170c834e1caf118c9bf100d85889be83faae4 --- /dev/null +++ b/data/python/f2f8b63.json @@ -0,0 +1 @@ +{"language": "Python", "id": 10, "repo_owner": "pwndbg", "repo_name": "pwndbg", "head_branch": "uaf", "workflow_name": "Unit tests", "workflow_filename": "tests.yml", "workflow_path": ".github/workflows/tests.yml", "contributor": "mbrla0", "sha_fail": "f2f8b63c3d579f9e8f1d4319592e44e39591ee38", "sha_success": "96dd5d5cb608c0e501d61a569ddb2ddaea52c938", "workflow": "name: Unit tests\non:\n push:\n branches:\n - dev\n paths:\n - '!mkdocs.yml'\n - '!docs/**' \n pull_request:\n\njobs:\n tests:\n strategy:\n fail-fast: false\n matrix:\n os: [ubuntu-22.04, ubuntu-20.04]\n runs-on: ${{ matrix.os }}\n timeout-minutes: 20\n steps:\n - uses: actions/checkout@v3\n - name: Cache for pip\n uses: actions/cache@v3\n with:\n path: ~/.cache/pip\n key: ${{ matrix.os }}-cache-pip\n\n - name: Install dependencies\n run: |\n ./setup.sh\n ./setup-dev.sh\n\n - name: Python version info\n run: |\n echo 'GDB py:'\n gdb --batch --quiet --nx --nh --ex 'py import sys; print(sys.version)'\n echo 'Installed py:'\n ./.venv/bin/python -V\n echo 'Installed packages:'\n ./.venv/bin/python -m pip freeze\n\n # We set `kernel.yama.ptrace_scope=0` for `attachp` command tests\n - name: Run tests\n run: |\n mkdir .cov\n sudo sysctl -w kernel.yama.ptrace_scope=0\n ./tests.sh --cov\n\n - name: Process coverage data\n if: matrix.os == 'ubuntu-22.04'\n run: |\n ./.venv/bin/coverage combine\n ./.venv/bin/coverage xml\n\n - name: \"Upload coverage to Codecov\"\n if: matrix.os == 'ubuntu-22.04'\n uses: codecov/codecov-action@v3\n\n qemu-tests:\n runs-on: [ubuntu-22.04]\n timeout-minutes: 30\n steps:\n - uses: actions/checkout@v3\n\n - name: Cache for pip\n uses: actions/cache@v3\n with:\n path: ~/.cache/pip\n key: ${{ matrix.os }}-cache-pip\n\n - name: Install dependencies\n run: |\n ./setup.sh\n ./setup-dev.sh\n mkdir .cov\n\n - name: Set up cache for QEMU images\n id: qemu-cache\n uses: actions/cache@v3\n with:\n path: ./tests/qemu-tests/images\n key: ${{ matrix.os }}-cache-qemu-images\n\n - name: Download images\n run: |\n ./tests/qemu-tests/download_images.sh\n\n # We set `kernel.yama.ptrace_scope=0` for `gdb-pt-dump`\n - name: Run tests\n working-directory: ./tests/qemu-tests\n run: |\n sudo sysctl -w kernel.yama.ptrace_scope=0\n ./tests.sh --cov\n\n - name: Run qemu-user tests\n working-directory: ./tests/qemu-tests\n run: |\n ./test_qemu.sh\n\n - name: Process coverage data\n run: |\n ./.venv/bin/coverage combine\n ./.venv/bin/coverage xml\n\n - name: Upload coverage to Codecov\n uses: codecov/codecov-action@v3\n", "logs": [{"step_name": "tests (ubuntu-22.04)/6_Run tests.txt", "log": "##[group]Run mkdir .cov\n\u001b[36;1mmkdir .cov\u001b[0m\n\u001b[36;1msudo sysctl -w kernel.yama.ptrace_scope=0\u001b[0m\n\u001b[36;1m./tests.sh --cov\u001b[0m\nshell: /usr/bin/bash -e {0}\n##[endgroup]\nkernel.yama.ptrace_scope = 0\n[+] Building 'div_zero.out'\n[+] Building 'heap_bins.out'\n[+] Building heap_bugs.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-Wno-int-to-pointer-cast -Wno-int-conversion -Wno-unused-variable \\\n-target native-native-gnu.2.33 \\\n-Wl,-rpath=/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/binaries/glibcs/2.33:\\\n-Wl,--dynamic-linker=/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/binaries/glibcs/2.33/ld-linux-x86-64.so.2 \\\n-o heap_bugs.out heap_bugs.c\n[+] Building 'heap_find_fake_fast.out'\n[+] Building heap_malloc_chunk.out\ngcc -g -O0 -Wno-nonnull -Wno-unused-result -o heap_malloc_chunk.out heap_malloc_chunk.c -pthread -lpthread\n[+] Building heap_vis.out\ngcc -g -O0 -Wno-nonnull -o heap_vis.out heap_vis.c -pthread -lpthread\n[+] Building 'initialized_heap.out'\n[+] Building issue_1565.out\ngcc -g -O0 -o issue_1565.out issue_1565.c -pthread -lpthread\n[+] Building 'linked-lists.out'\n[+] Building multiple_threads.out\ngcc -g -O0 -o multiple_threads.out multiple_threads.c -pthread -lpthread\n[+] Building 'reference-binary-net.out'\n[+] Building 'reference-binary.out'\n[+] Building 'search_memory.out'\n[+] Building 'tabstop.out'\n[+] Building 'telescope_binary.out'\n[+] Building tls.i386.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target i386-linux-gnu \\\n-o tls.i386.out tls.i386.c\n[+] Building tls.x86-64.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target x86_64-linux-gnu \\\n-o tls.x86-64.out tls.x86-64.c\n[+] Building 'use-fds.out'\n[+] Building 'very_long_symbols.out'\n[+] Building 'conditional_branch_breakpoints_x64.o'\n[+] Linking 'conditional_branch_breakpoints_x64.out'\n[+] Building 'emulate_disasm.o'\n[+] Linking 'emulate_disasm.out'\n[+] Building 'emulate_disasm_loop.o'\n[+] Linking 'emulate_disasm_loop.out'\n[+] Building 'memory.o'\n[+] Linking 'memory.out'\n[+] Building 'stepuntilasm_x64.o'\n[+] Linking 'stepuntilasm_x64.out'\n[+] Building 'syscalls-x64.o'\n[+] Linking 'syscalls-x64.out'\n[+] Building 'gosample.x64'\n[+] Building 'gosample.x86'\n[+] Building reference_bin_pie.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fpie -o reference_bin_pie.out reference-binary.c\n[+] Building reference_bin_nopie.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fno-pie -o reference_bin_nopie.out reference-binary.c\ng++ -O0 -ggdb -Wno-pmf-conversions symbol_1600_and_752.cpp -o symbol_1600_and_752.out\n[+] Building initialized_heap_x64.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target x86_64-linux-gnu \\\n-o initialized_heap_x64.out initialized_heap.c\n[+] Building initialized_heap_i386_big.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target i386-linux-gnu \\\n-o initialized_heap_i386_big.out initialized_heap.c\n[+] Building linked-lists.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fpie -g -o linked_lists.out linked-lists.c\nrm emulate_disasm_loop.o syscalls-x64.o conditional_branch_breakpoints_x64.o stepuntilasm_x64.o emulate_disasm.o memory.o\nWill run codecov\nZIGPATH set to /home/runner/work/pwndbg/pwndbg/.zig\n\nRunning tests in parallel\nRunning with coverage\nRunning with coverage\nRunning with coverage\nRunning with coverage\ntest_attachp_command_attaches_to_procname_resolve_none \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_procname_resolve_none_no_truncate \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_procname \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_pid \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_procname_resolve_ask \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_procname_resolve_oldest \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_nonexistent_procname \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_attaches_to_procname_resolve_newest \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_cache_single_value \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_cache_args_kwargs_properly \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_break_if_x64[x86-64] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_attachp_command_no_pids \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_config \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_config_filtering \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_config_filtering_missing \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_cyclic_value \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_cyclic_register \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_cyclic_address \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_cyclic_wrong_alphabet \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_cyclic_wrong_length \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_distance \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_no_breakpoint_set \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_errno \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_no_breakpoint_set_remove \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_no_breakpoint_found \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_breakpoint_last_found_two \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_breakpoint_last_negative \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_ignore_breakpoint_last_found_one \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_killthreads_kills_all_threads_except_current \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_killthreads_before_binary_start \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_killthreads_kills_specific_thread \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_killthreads_produces_error_when_unknown_thread_passed \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plist_flat_no_flags \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plist_flat_field \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plist_flat_sentinel \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plist_nested_direct \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_procinfo_before_binary_start \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plist_nested_indirect \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_procinfo \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_limit \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_step \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_alignment \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_byte_width \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_word_width \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_dword_width \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_rwx \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_untilasm_x64 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_search_qword_width \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_reverse \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_n_records \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_telescope_command_with_address_as_count \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_telescope_command_with_address_as_count_and_reversed_flag \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_reverse_skipped_records_shows_input_address \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_frame \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_frame_bp_below_sp \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_telescope_frame_bp_sp_different_vmmaps \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_tls_address_and_command[x86-64] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_tls_address_and_command[i386] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_vmmap_on_coredump_on_crash_simple_binary[False] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_vmmap_on_coredump_on_crash_simple_binary[True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_xor_with_gdb_execute \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_vmmap_issue_1565 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_xor_with_int \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_xor_with_hex \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_memfrob \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_commands[k] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[peb] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stepuntilasm] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bins] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[tips] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[setflag] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ai] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[comm] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[pwndbg] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[brva] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ez] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[lm] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[be] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[xpsr] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[argv] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[spray] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dds] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[hexdump] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[retaddr] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[contextwatch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bp] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[xuntil] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[configfile] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[slab] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[main] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[cunwatch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[go] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[cwatch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[disable-heap-tracker] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[env] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dt] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[asm] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[canary] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vmmap_load] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ew] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[save_ida] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dqs] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kchecksec] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[getpid] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[rzpipe] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[gsbase] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[unsortedbin] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[tcachebins] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stepsyscall] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[pstate] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ds] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[threads] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[emulate] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[patch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ctx] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ropgadget] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[gotplt] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stack] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[plt] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[fastbins] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ln] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[flag] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[distance] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bd] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[auxv] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[libs] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[top_chunk] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[config] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bugreport] \u001b[33mXFAIL\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_commands.py::test_commands[bugreport]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_commands.py::test_commands[bugreport] Running command bugreport\n\nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[33mXFAIL\u001b[0m (flaky test)\n\n\u001b[33m============================== \u001b[33m\u001b[1m1 xfailed\u001b[0m\u001b[33m in 0.13s\u001b[0m\u001b[33m ==============================\u001b[0m\n\nRunning with coverage\ntest_commands[elfsections] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[heap_config] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[killthreads] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[procinfo] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[enable-heap-tracker] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ghidra] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[errno] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[search] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[valist] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nearpc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[contextoutput] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[da] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vmmap_clear] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[telescope] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextjump] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ignore] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[argc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[heap] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[cyclic] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[init] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[pdisass] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[largebins] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[envp] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[toggle-heap-tracker-break] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dw] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[eb] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[cpsr] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[reinit_pwndbg] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[patch_list] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[piebase] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[db] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dq] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ctx-out] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[args] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[checksec] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextret] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[reload] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[sigreturn] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[mprotect] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[j] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[attachp] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ctx-unwatch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[mmap] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[malloc_chunk] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ropper] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ctx-watch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[bl] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[rizin] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[u] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kconfig] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[smallbins] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kversion] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[find_fake_fast] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[theme] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[try_free] \u001b[33mXFAIL\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_commands.py::test_commands[try_free]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_commands.py::test_commands[try_free] Running command try_free\n\nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n'try_free': Check what would happen if free was called with given address.\n\u001b[33mXFAIL\u001b[0m (flaky test)\n\n\u001b[33m============================== \u001b[33m\u001b[1m1 xfailed\u001b[0m\u001b[33m in 0.13s\u001b[0m\u001b[33m ==============================\u001b[0m\n\nRunning with coverage\ntest_commands[hi] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[pc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[getfile] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[tls] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextsc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kbase] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[radare2] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stepsc] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[eza] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[start] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[version] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[cymbol] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dumpargs] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kcmdline] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextcall] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextjmp] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[fsbase] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[break-if-taken] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[ed] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[nextsyscall] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[contextunwatch] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dps] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vmmap_add] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[down] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[regs] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[entry] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[context] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vmmap] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[patch_revert] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[so] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[rz] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vis_heap_chunks] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[r2] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[themefile] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[eq] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[up] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stepover] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[kd] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[arena] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[environ] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[dd] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[leakfind] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[r2pipe] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[memfrob] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[xor] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[break-if-not-taken] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[tcache] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[aslr] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[xinfo] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[plist] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[vprot] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[breakrva] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[mp] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stackf] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[stepret] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[memoize] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[p2p] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[probeleak] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[arenas] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[got] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[address] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[pid] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands[rop] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_command_plt[reference_bin_pie.out-True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_commands[sstart] \u001b[33mXPASS\u001b[0m\nRunning with coverage\ntest_commands_plt_gotplt_got_when_no_sections \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_plt[reference_bin_nopie.out-False] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_nextproginstr_binary_not_running \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_got_for_target_binary[reference_bin_pie.out-True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_got_for_target_binary[reference_bin_nopie.out-False] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_got_for_target_binary_and_loaded_library \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[nextcall] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[nextjump] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[nextproginstr] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[nextret] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[nextsyscall] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_command_nextproginstr \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[stepret] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_disasm_show_fd_filepath \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_empty_context_sections[''] \u001b[31mFAILED\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: [\"/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_context_commands.py::test_empty_context_sections['']\", '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_context_commands.py::test_empty_context_sections[''] \nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[31mFAILED\u001b[0m\n\n=================================== FAILURES ===================================\n\u001b[31m\u001b[1m_______________________ test_empty_context_sections[''] ________________________\u001b[0m\n\nstart_binary = ._start_binary at 0x7fb3b51a0ca0>\nsections = \"''\"\n\n \u001b[37m@pytest\u001b[39;49;00m.mark.parametrize(\u001b[33m\"\u001b[39;49;00m\u001b[33msections\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, (\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33mnone\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m-\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m))\u001b[90m\u001b[39;49;00m\n \u001b[94mdef\u001b[39;49;00m \u001b[92mtest_empty_context_sections\u001b[39;49;00m(start_binary, sections):\u001b[90m\u001b[39;49;00m\n start_binary(USE_FDS_BINARY)\u001b[90m\u001b[39;49;00m\n \u001b[90m\u001b[39;49;00m\n \u001b[90m# Sanity check\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n default_ctx_sects = \u001b[33m\"\u001b[39;49;00m\u001b[33mregs disasm code ghidra stack backtrace expressions threads\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n> \u001b[94massert\u001b[39;49;00m pwndbg.gdblib.config.context_sections.value == default_ctx_sects\u001b[90m\u001b[39;49;00m\n\u001b[1m\u001b[31mE AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\u001b[0m\n\u001b[1m\u001b[31mE - regs disasm code ghidra stack backtrace expressions threads\u001b[0m\n\u001b[1m\u001b[31mE + regs disasm code ghidra stack backtrace expressions threads heap-tracker\u001b[0m\n\u001b[1m\u001b[31mE ? +++++++++++++\u001b[0m\n\ndefault_ctx_sects = 'regs disasm code ghidra stack backtrace expressions threads'\nsections = \"''\"\nstart_binary = ._start_binary at 0x7fb3b51a0ca0>\n\n\u001b[1m\u001b[31mtests/test_context_commands.py\u001b[0m:85: AssertionError\n\u001b[36m\u001b[1m=========================== short test summary info ============================\u001b[0m\n\u001b[31mFAILED\u001b[0m tests/test_context_commands.py::\u001b[1mtest_empty_context_sections['']\u001b[0m - AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\n - regs disasm code ghidra stack backtrace expressions threads\n + regs disasm code ghidra stack backtrace expressions threads heap-tracker\n ? +++++++++++++\n\u001b[31m============================== \u001b[31m\u001b[1m1 failed\u001b[0m\u001b[31m in 0.31s\u001b[0m\u001b[31m ===============================\u001b[0m\n--------------------------------------------------------------------------------\nIf you want to debug tests locally, run ./tests.sh with the --pdb flag\n--------------------------------------------------------------------------------\n\nRunning with coverage\ntest_empty_context_sections[\"\"] \u001b[31mFAILED\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_context_commands.py::test_empty_context_sections[\"\"]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_context_commands.py::test_empty_context_sections[\"\"] \nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[31mFAILED\u001b[0m\n\n=================================== FAILURES ===================================\n\u001b[31m\u001b[1m_______________________ test_empty_context_sections[\"\"] ________________________\u001b[0m\n\nstart_binary = ._start_binary at 0x7ff6a9398ca0>\nsections = '\"\"'\n\n \u001b[37m@pytest\u001b[39;49;00m.mark.parametrize(\u001b[33m\"\u001b[39;49;00m\u001b[33msections\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, (\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33mnone\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m-\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m))\u001b[90m\u001b[39;49;00m\n \u001b[94mdef\u001b[39;49;00m \u001b[92mtest_empty_context_sections\u001b[39;49;00m(start_binary, sections):\u001b[90m\u001b[39;49;00m\n start_binary(USE_FDS_BINARY)\u001b[90m\u001b[39;49;00m\n \u001b[90m\u001b[39;49;00m\n \u001b[90m# Sanity check\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n default_ctx_sects = \u001b[33m\"\u001b[39;49;00m\u001b[33mregs disasm code ghidra stack backtrace expressions threads\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n> \u001b[94massert\u001b[39;49;00m pwndbg.gdblib.config.context_sections.value == default_ctx_sects\u001b[90m\u001b[39;49;00m\n\u001b[1m\u001b[31mE AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\u001b[0m\n\u001b[1m\u001b[31mE - regs disasm code ghidra stack backtrace expressions threads\u001b[0m\n\u001b[1m\u001b[31mE + regs disasm code ghidra stack backtrace expressions threads heap-tracker\u001b[0m\n\u001b[1m\u001b[31mE ? +++++++++++++\u001b[0m\n\ndefault_ctx_sects = 'regs disasm code ghidra stack backtrace expressions threads'\nsections = '\"\"'\nstart_binary = ._start_binary at 0x7ff6a9398ca0>\n\n\u001b[1m\u001b[31mtests/test_context_commands.py\u001b[0m:85: AssertionError\n\u001b[36m\u001b[1m=========================== short test summary info ============================\u001b[0m\n\u001b[31mFAILED\u001b[0m tests/test_context_commands.py::\u001b[1mtest_empty_context_sections[\"\"]\u001b[0m - AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\n - regs disasm code ghidra stack backtrace expressions threads\n + regs disasm code ghidra stack backtrace expressions threads heap-tracker\n ? +++++++++++++\n\u001b[31m============================== \u001b[31m\u001b[1m1 failed\u001b[0m\u001b[31m in 0.29s\u001b[0m\u001b[31m ===============================\u001b[0m\n--------------------------------------------------------------------------------\nIf you want to debug tests locally, run ./tests.sh with the --pdb flag\n--------------------------------------------------------------------------------\n\nRunning with coverage\ntest_empty_context_sections[none] \u001b[31mFAILED\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_context_commands.py::test_empty_context_sections[none]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_context_commands.py::test_empty_context_sections[none] \nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[31mFAILED\u001b[0m\n\n=================================== FAILURES ===================================\n\u001b[31m\u001b[1m______________________ test_empty_context_sections[none] _______________________\u001b[0m\n\nstart_binary = ._start_binary at 0x7faef5b8cca0>\nsections = 'none'\n\n \u001b[37m@pytest\u001b[39;49;00m.mark.parametrize(\u001b[33m\"\u001b[39;49;00m\u001b[33msections\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, (\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33mnone\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m-\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m))\u001b[90m\u001b[39;49;00m\n \u001b[94mdef\u001b[39;49;00m \u001b[92mtest_empty_context_sections\u001b[39;49;00m(start_binary, sections):\u001b[90m\u001b[39;49;00m\n start_binary(USE_FDS_BINARY)\u001b[90m\u001b[39;49;00m\n \u001b[90m\u001b[39;49;00m\n \u001b[90m# Sanity check\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n default_ctx_sects = \u001b[33m\"\u001b[39;49;00m\u001b[33mregs disasm code ghidra stack backtrace expressions threads\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n> \u001b[94massert\u001b[39;49;00m pwndbg.gdblib.config.context_sections.value == default_ctx_sects\u001b[90m\u001b[39;49;00m\n\u001b[1m\u001b[31mE AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\u001b[0m\n\u001b[1m\u001b[31mE - regs disasm code ghidra stack backtrace expressions threads\u001b[0m\n\u001b[1m\u001b[31mE + regs disasm code ghidra stack backtrace expressions threads heap-tracker\u001b[0m\n\u001b[1m\u001b[31mE ? +++++++++++++\u001b[0m\n\ndefault_ctx_sects = 'regs disasm code ghidra stack backtrace expressions threads'\nsections = 'none'\nstart_binary = ._start_binary at 0x7faef5b8cca0>\n\n\u001b[1m\u001b[31mtests/test_context_commands.py\u001b[0m:85: AssertionError\n\u001b[36m\u001b[1m=========================== short test summary info ============================\u001b[0m\n\u001b[31mFAILED\u001b[0m tests/test_context_commands.py::\u001b[1mtest_empty_context_sections[none]\u001b[0m - AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\n - regs disasm code ghidra stack backtrace expressions threads\n + regs disasm code ghidra stack backtrace expressions threads heap-tracker\n ? +++++++++++++\n\u001b[31m============================== \u001b[31m\u001b[1m1 failed\u001b[0m\u001b[31m in 0.27s\u001b[0m\u001b[31m ===============================\u001b[0m\n--------------------------------------------------------------------------------\nIf you want to debug tests locally, run ./tests.sh with the --pdb flag\n--------------------------------------------------------------------------------\n\nRunning with coverage\ntest_next_command_doesnt_freeze_crashed_binary[stepsyscall] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_empty_context_sections[-] \u001b[31mFAILED\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_context_commands.py::test_empty_context_sections[-]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_context_commands.py::test_empty_context_sections[-] \nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[31mFAILED\u001b[0m\n\n=================================== FAILURES ===================================\n\u001b[31m\u001b[1m________________________ test_empty_context_sections[-] ________________________\u001b[0m\n\nstart_binary = ._start_binary at 0x7fc85d638e50>\nsections = '-'\n\n \u001b[37m@pytest\u001b[39;49;00m.mark.parametrize(\u001b[33m\"\u001b[39;49;00m\u001b[33msections\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, (\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33mnone\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m-\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m))\u001b[90m\u001b[39;49;00m\n \u001b[94mdef\u001b[39;49;00m \u001b[92mtest_empty_context_sections\u001b[39;49;00m(start_binary, sections):\u001b[90m\u001b[39;49;00m\n start_binary(USE_FDS_BINARY)\u001b[90m\u001b[39;49;00m\n \u001b[90m\u001b[39;49;00m\n \u001b[90m# Sanity check\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n default_ctx_sects = \u001b[33m\"\u001b[39;49;00m\u001b[33mregs disasm code ghidra stack backtrace expressions threads\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n> \u001b[94massert\u001b[39;49;00m pwndbg.gdblib.config.context_sections.value == default_ctx_sects\u001b[90m\u001b[39;49;00m\n\u001b[1m\u001b[31mE AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\u001b[0m\n\u001b[1m\u001b[31mE - regs disasm code ghidra stack backtrace expressions threads\u001b[0m\n\u001b[1m\u001b[31mE + regs disasm code ghidra stack backtrace expressions threads heap-tracker\u001b[0m\n\u001b[1m\u001b[31mE ? +++++++++++++\u001b[0m\n\ndefault_ctx_sects = 'regs disasm code ghidra stack backtrace expressions threads'\nsections = '-'\nstart_binary = ._start_binary at 0x7fc85d638e50>\n\n\u001b[1m\u001b[31mtests/test_context_commands.py\u001b[0m:85: AssertionError\n\u001b[36m\u001b[1m=========================== short test summary info ============================\u001b[0m\n\u001b[31mFAILED\u001b[0m tests/test_context_commands.py::\u001b[1mtest_empty_context_sections[-]\u001b[0m - AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\n - regs disasm code ghidra stack backtrace expressions threads\n + regs disasm code ghidra stack backtrace expressions threads heap-tracker\n ? +++++++++++++\n\u001b[31m============================== \u001b[31m\u001b[1m1 failed\u001b[0m\u001b[31m in 0.28s\u001b[0m\u001b[31m ===============================\u001b[0m\n--------------------------------------------------------------------------------\nIf you want to debug tests locally, run ./tests.sh with the --pdb flag\n--------------------------------------------------------------------------------\n\nRunning with coverage\ntest_empty_context_sections[] \u001b[31mFAILED\u001b[0m\n\npwndbg: loaded 155 pwndbg commands and 47 shell commands. Type pwndbg [--shell | --all] [filter] for a list.\npwndbg: created $rebase, $ida GDB functions (can be used with print/break)\n['/home/runner/work/pwndbg/pwndbg', '/home/runner/work/pwndbg/pwndbg/.venv/lib/python3.10/site-packages', '/usr/share/gdb/python', '/usr/lib/python310.zip', '/usr/lib/python3.10', '/usr/lib/python3.10/lib-dynload', '/home/runner/work/pwndbg/pwndbg']\nLaunching pytest with args: ['/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/test_context_commands.py::test_empty_context_sections[]', '-vvv', '-s', '--showlocals', '--color=yes']\n\u001b[1m============================= test session starts ==============================\u001b[0m\nplatform linux -- Python 3.10.12, pytest-7.3.1, pluggy-1.3.0 -- /usr/bin/python\ncachedir: .pytest_cache\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\n\u001b[1mcollecting ... \u001b[0mcollected 1 item\n\ntests/test_context_commands.py::test_empty_context_sections[] \nProgram stopped.\n0x00007ffff7fe3290 in _start () from /lib64/ld-linux-x86-64.so.2\n\u001b[31mFAILED\u001b[0m\n\n=================================== FAILURES ===================================\n\u001b[31m\u001b[1m________________________ test_empty_context_sections[] _________________________\u001b[0m\n\nstart_binary = ._start_binary at 0x7fa3f0528e50>\nsections = ''\n\n \u001b[37m@pytest\u001b[39;49;00m.mark.parametrize(\u001b[33m\"\u001b[39;49;00m\u001b[33msections\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, (\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m'\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[33m'\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33mnone\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m-\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m, \u001b[33m\"\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m))\u001b[90m\u001b[39;49;00m\n \u001b[94mdef\u001b[39;49;00m \u001b[92mtest_empty_context_sections\u001b[39;49;00m(start_binary, sections):\u001b[90m\u001b[39;49;00m\n start_binary(USE_FDS_BINARY)\u001b[90m\u001b[39;49;00m\n \u001b[90m\u001b[39;49;00m\n \u001b[90m# Sanity check\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n default_ctx_sects = \u001b[33m\"\u001b[39;49;00m\u001b[33mregs disasm code ghidra stack backtrace expressions threads\u001b[39;49;00m\u001b[33m\"\u001b[39;49;00m\u001b[90m\u001b[39;49;00m\n> \u001b[94massert\u001b[39;49;00m pwndbg.gdblib.config.context_sections.value == default_ctx_sects\u001b[90m\u001b[39;49;00m\n\u001b[1m\u001b[31mE AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\u001b[0m\n\u001b[1m\u001b[31mE - regs disasm code ghidra stack backtrace expressions threads\u001b[0m\n\u001b[1m\u001b[31mE + regs disasm code ghidra stack backtrace expressions threads heap-tracker\u001b[0m\n\u001b[1m\u001b[31mE ? +++++++++++++\u001b[0m\n\ndefault_ctx_sects = 'regs disasm code ghidra stack backtrace expressions threads'\nsections = ''\nstart_binary = ._start_binary at 0x7fa3f0528e50>\n\n\u001b[1m\u001b[31mtests/test_context_commands.py\u001b[0m:85: AssertionError\n\u001b[36m\u001b[1m=========================== short test summary info ============================\u001b[0m\n\u001b[31mFAILED\u001b[0m tests/test_context_commands.py::\u001b[1mtest_empty_context_sections[]\u001b[0m - AssertionError: assert 'regs disasm code ghidra stack backtrace expressions threads heap-tracker' == 'regs disasm code ghidra stack backtrace expressions threads'\n - regs disasm code ghidra stack backtrace expressions threads\n + regs disasm code ghidra stack backtrace expressions threads heap-tracker\n ? +++++++++++++\n\u001b[31m============================== \u001b[31m\u001b[1m1 failed\u001b[0m\u001b[31m in 0.26s\u001b[0m\u001b[31m ===============================\u001b[0m\n--------------------------------------------------------------------------------\nIf you want to debug tests locally, run ./tests.sh with the --pdb flag\n--------------------------------------------------------------------------------\n\nRunning with coverage\ntest_source_code_tabstop \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_disasm_syscalls_args_display \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_backtrace_show_proper_symbol_names \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_disasm_works_properly_with_disasm_flavor_switch \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_disasm_proper_render_on_mem_change_issue_1818[True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_context_disasm_proper_render_on_mem_change_issue_1818[False] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_emulate_disasm \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_cymbol \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params0] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_emulate_disasm_loop \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params1] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params2] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params3] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params4] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params5] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params6] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params7] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params8] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_gdb_parameter_default_value_works[params9] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_typeinfo_go_x64 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_parsing_info_sharedlibrary_to_find_libc_filename[have-(*)] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_typeinfo_go_x86 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_parsing_info_sharedlibrary_to_find_libc_filename[does-not-have-(*)] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_hexdump \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_hexdump_collapse_lines \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_loads_pure_gdb_without_crashing \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_loads_binary_without_crashing \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_loads_core_without_crashing \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_loads_binary_with_core_without_crashing \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_memory_read_write \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_entry_no_file_loaded \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_list_and_filter_commands_filter \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_list_and_filter_commands_full_list[True-True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_list_and_filter_commands_full_list[False-True] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_list_and_filter_commands_full_list[True-False] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_cannot_run_mmap_when_not_running \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_cannot_run_mprotect_when_not_running \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_mprotect_executes_properly \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_mmap_executes_properly \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_bytes[1] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_bytes[2] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_bytes[3] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_bytes[4] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_bytes[5] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_seperator[0] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_seperator[1] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_seperator[2] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_nearpc_opcode_invalid_config \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_symbol_get \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_symbol_duplicated_symbols_issue_1610 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_windbg_dX_commands \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_triggers \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_windbg_eX_commands \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_windbg_commands_x86 \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_find_fake_fast_command \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_malloc_chunk_command \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_malloc_chunk_command_heuristic \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_main_arena_heuristic \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_mp_heuristic \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_thread_cache_heuristic[single-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_thread_cache_heuristic[multi-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_thread_arena_heuristic[single-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_thread_arena_heuristic[multi-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_global_max_fast_heuristic \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_heuristic_fail_gracefully[single-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_heuristic_fail_gracefully[multi-threaded] \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_heap_bins \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_largebins_size_range_64bit \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_largebins_size_range_32bit_big \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_smallbins_sizes_64bit \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_overflow \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_smallbins_sizes_32bit_big \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_misaligned \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_size_minsize \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_size_misaligned \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_double_free_tcache \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_next_size_fast \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_double_free \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_fastbin_entry \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_double_free_or_corruption_top \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_double_free_or_corruption_out \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_double_free_or_corruption_prev \u001b[32mPASSED\u001b[0m\nRunning with coverage\ntest_try_free_invalid_next_size_normal \u001b[32mPASSED\u001b[0m\ntest_try_free_corrupted_consolidate_backward \u001b[32mPASSED\u001b[0m\ntest_try_free_corrupted_unsorted_chunks \u001b[33mSKIPPED\u001b[0m\ntest_vis_heap_chunk_command \u001b[32mPASSED\u001b[0m\nTests completed in 152 seconds\n\n*********************************\n********* TESTS SUMMARY *********\n*********************************\nTests passed or skipped: 353\nTests failed: 5\n\nFailing tests: tests/test_context_commands.py::test_empty_context_sections[''] tests/test_context_commands.py::test_empty_context_sections[\"\"] tests/test_context_commands.py::test_empty_context_sections[none] tests/test_context_commands.py::test_empty_context_sections[-] tests/test_context_commands.py::test_empty_context_sections[]\n##[error]Process completed with exit code 1.\n"}, {"step_name": "tests (ubuntu-20.04)/6_Run tests.txt", "log": "##[group]Run mkdir .cov\n\u001b[36;1mmkdir .cov\u001b[0m\n\u001b[36;1msudo sysctl -w kernel.yama.ptrace_scope=0\u001b[0m\n\u001b[36;1m./tests.sh --cov\u001b[0m\nshell: /usr/bin/bash -e {0}\n##[endgroup]\nkernel.yama.ptrace_scope = 0\n[+] Building tls.i386.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target i386-linux-gnu \\\n-o tls.i386.out tls.i386.c\n[+] Building heap_bugs.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-Wno-int-to-pointer-cast -Wno-int-conversion -Wno-unused-variable \\\n-target native-native-gnu.2.33 \\\n-Wl,-rpath=/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/binaries/glibcs/2.33:\\\n-Wl,--dynamic-linker=/home/runner/work/pwndbg/pwndbg/tests/gdb-tests/tests/binaries/glibcs/2.33/ld-linux-x86-64.so.2 \\\n-o heap_bugs.out heap_bugs.c\n[+] Building 'initialized_heap.out'\n[+] Building 'tabstop.out'\n[+] Building 'search_memory.out'\n[+] Building 'heap_bins.out'\n[+] Building 'div_zero.out'\n[+] Building multiple_threads.out\ngcc -g -O0 -o multiple_threads.out multiple_threads.c -pthread -lpthread\n[+] Building 'telescope_binary.out'\n[+] Building 'reference-binary-net.out'\n[+] Building tls.x86-64.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target x86_64-linux-gnu \\\n-o tls.x86-64.out tls.x86-64.c\n[+] Building 'heap_find_fake_fast.out'\n[+] Building 'reference-binary.out'\n[+] Building heap_malloc_chunk.out\ngcc -g -O0 -Wno-nonnull -Wno-unused-result -o heap_malloc_chunk.out heap_malloc_chunk.c -pthread -lpthread\n[+] Building heap_vis.out\ngcc -g -O0 -Wno-nonnull -o heap_vis.out heap_vis.c -pthread -lpthread\n[+] Building 'very_long_symbols.out'\n[+] Building 'linked-lists.out'\n[+] Building 'use-fds.out'\n[+] Building issue_1565.out\ngcc -g -O0 -o issue_1565.out issue_1565.c -pthread -lpthread\n[+] Building 'emulate_disasm.o'\n[+] Linking 'emulate_disasm.out'\n[+] Building 'conditional_branch_breakpoints_x64.o'\n[+] Linking 'conditional_branch_breakpoints_x64.out'\n[+] Building 'memory.o'\n[+] Linking 'memory.out'\n[+] Building 'emulate_disasm_loop.o'\n[+] Linking 'emulate_disasm_loop.out'\n[+] Building 'syscalls-x64.o'\n[+] Linking 'syscalls-x64.out'\n[+] Building 'stepuntilasm_x64.o'\n[+] Linking 'stepuntilasm_x64.out'\n[+] Building 'gosample.x86'\n[+] Building 'gosample.x64'\n[+] Building reference_bin_pie.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fpie -o reference_bin_pie.out reference-binary.c\n[+] Building reference_bin_nopie.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fno-pie -o reference_bin_nopie.out reference-binary.c\ng++ -O0 -ggdb -Wno-pmf-conversions symbol_1600_and_752.cpp -o symbol_1600_and_752.out\n[+] Building initialized_heap_x64.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target x86_64-linux-gnu \\\n-o initialized_heap_x64.out initialized_heap.c\n[+] Building initialized_heap_i386_big.out\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc \\\n-Wall -DDEBUG=1 -ggdb -O0 -gdwarf-4 \\\n-target i386-linux-gnu \\\n-o initialized_heap_i386_big.out initialized_heap.c\n[+] Building linked-lists.c\n/home/runner/work/pwndbg/pwndbg/.zig/zig cc -fpie -g -o linked_lists.out linked-lists.c\nrm syscalls-x64.o conditional_branch_breakpoints_x64.o emulate_disasm_loop.o emulate_disasm.o stepuntilasm_x64.o memory.o\nWill run codecov\nZIGPATH set to /home/runner/work/pwndbg/pwndbg/.zig\n============================= test session starts ==============================\nplatform linux -- Python 3.8.10, pytest-7.3.1, pluggy-1.3.0\nrootdir: /home/runner/work/pwndbg/pwndbg/tests/gdb-tests\nplugins: cov-4.1.0\ncollected 59 items / 27 errors\n\n\n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n \n\n==================================== ERRORS ====================================\n________________ ERROR collecting tests/test_command_branch.py _________________\ntests/test_command_branch.py:6: in \n import pwndbg.gdblib\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n________________ ERROR collecting tests/test_command_cyclic.py _________________\ntests/test_command_cyclic.py:6: in \n import pwndbg.gdblib.arch\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_______________ ERROR collecting tests/test_command_distance.py ________________\ntests/test_command_distance.py:5: in \n import pwndbg.gdblib.regs\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n________________ ERROR collecting tests/test_command_ignore.py _________________\ntests/test_command_ignore.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_____________ ERROR collecting tests/test_command_stepuntilasm.py ______________\ntests/test_command_stepuntilasm.py:5: in \n import pwndbg.gdblib\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_______________ ERROR collecting tests/test_command_telescope.py _______________\ntests/test_command_telescope.py:7: in \n import pwndbg.gdblib\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n__________________ ERROR collecting tests/test_command_tls.py __________________\ntests/test_command_tls.py:6: in \n import pwndbg.gdblib.tls\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_________________ ERROR collecting tests/test_command_vmmap.py _________________\ntests/test_command_vmmap.py:8: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n__________________ ERROR collecting tests/test_command_xor.py __________________\ntests/test_command_xor.py:5: in \n import pwndbg.gdblib.memory\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n___________________ ERROR collecting tests/test_commands.py ____________________\ntests/test_commands.py:10: in \n from pwndbg.commands.shell import pwncmd_names\n../../pwndbg/commands/shell.py:11: in \n import pwndbg.commands\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_________________ ERROR collecting tests/test_commands_next.py _________________\ntests/test_commands_next.py:6: in \n import pwndbg.gdblib.regs\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_______________ ERROR collecting tests/test_context_commands.py ________________\ntests/test_context_commands.py:8: in \n import pwndbg.commands\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n____________________ ERROR collecting tests/test_cymbol.py _____________________\ntests/test_cymbol.py:5: in \n import pwndbg.commands.cymbol\n../../pwndbg/commands/cymbol.py:28: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_______________ ERROR collecting tests/test_gdblib_parameter.py ________________\ntests/test_gdblib_parameter.py:6: in \n import pwndbg.gdblib.config\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_____________________ ERROR collecting tests/test_glibc.py _____________________\ntests/test_glibc.py:10: in \n import pwndbg.gdblib.info\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n____________________ ERROR collecting tests/test_hexdump.py ____________________\ntests/test_hexdump.py:6: in \n import pwndbg.gdblib.config\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n____________________ ERROR collecting tests/test_memory.py _____________________\ntests/test_memory.py:3: in \n import pwndbg.gdblib.memory\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_____________________ ERROR collecting tests/test_misc.py ______________________\ntests/test_misc.py:5: in \n import pwndbg.commands\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_____________________ ERROR collecting tests/test_mmap.py ______________________\ntests/test_mmap.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n___________________ ERROR collecting tests/test_mprotect.py ____________________\ntests/test_mprotect.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n____________________ ERROR collecting tests/test_symbol.py _____________________\ntests/test_symbol.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n____________________ ERROR collecting tests/test_windbg.py _____________________\ntests/test_windbg.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n______________ ERROR collecting tests/heap/test_find_fake_fast.py ______________\ntests/heap/test_find_fake_fast.py:7: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n___________________ ERROR collecting tests/heap/test_heap.py ___________________\ntests/heap/test_heap.py:6: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n________________ ERROR collecting tests/heap/test_heap_bins.py _________________\ntests/heap/test_heap_bins.py:6: in \n import pwndbg.gdblib.memory\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_________________ ERROR collecting tests/heap/test_try_free.py _________________\ntests/heap/test_try_free.py:9: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n_____________ ERROR collecting tests/heap/test_vis_heap_chunks.py ______________\ntests/heap/test_vis_heap_chunks.py:5: in \n import pwndbg\n../../pwndbg/__init__.py:14: in \n load_commands()\n../../pwndbg/commands/__init__.py:633: in load_commands\n import pwndbg.commands.ai\n../../pwndbg/commands/ai.py:21: in \n from pwndbg.commands import context\n../../pwndbg/commands/context.py:24: in \n import pwndbg.gdblib.heap_tracking\n../../pwndbg/gdblib/heap_tracking.py:88: in \n def resolve_address(name: str) -> int | None:\nE TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n=========================== short test summary info ============================\nERROR tests/test_command_branch.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_cyclic.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_distance.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_ignore.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_stepuntilasm.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_telescope.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_tls.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_vmmap.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_command_xor.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_commands.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_commands_next.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_context_commands.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_cymbol.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_gdblib_parameter.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_glibc.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_hexdump.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_memory.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_misc.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_mmap.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_mprotect.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_symbol.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/test_windbg.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/heap/test_find_fake_fast.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/heap/test_heap.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/heap/test_heap_bins.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/heap/test_try_free.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\nERROR tests/heap/test_vis_heap_chunks.py - TypeError: unsupported operand type(s) for |: 'type' and 'NoneType'\n!!!!!!!!!!!!!!!!!!! Interrupted: 27 errors during collection !!!!!!!!!!!!!!!!!!!\n==================== 59 tests collected, 27 errors in 1.58s ====================\nFailed to collect all tests, perhaps there is a syntax error in one of test files?\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/pwndbg/commands/heap_tracking.py b/pwndbg/commands/heap_tracking.py\nindex 6eb993d8..b1af239a 100644\n--- a/pwndbg/commands/heap_tracking.py\n+++ b/pwndbg/commands/heap_tracking.py\n@@ -1,3 +1,5 @@\n+from __future__ import annotations\n+\n import argparse\n \n import pwndbg.chain\n@@ -29,6 +31,7 @@ parser.add_argument(\n \n \n @pwndbg.commands.ArgparsedCommand(parser, command_name=\"enable-heap-tracker\")\n+@pwndbg.commands.OnlyWhenRunning\n def enable_tracker(use_hardware_breakpoints=False) -> None:\n pwndbg.gdblib.heap_tracking.install()\n \n@@ -37,14 +40,18 @@ parser = argparse.ArgumentParser(description=\"Disables the heap tracker.\")\n \n \n @pwndbg.commands.ArgparsedCommand(parser, command_name=\"disable-heap-tracker\")\n+@pwndbg.commands.OnlyWhenRunning\n def disable_tracker() -> None:\n pwndbg.gdblib.heap_tracking.uninstall()\n \n \n-parser = argparse.ArgumentParser(description=\"Toggles whether possible UAF conditions will pause execution.\")\n+parser = argparse.ArgumentParser(\n+ description=\"Toggles whether possible UAF conditions will pause execution.\"\n+)\n \n \n @pwndbg.commands.ArgparsedCommand(parser, command_name=\"toggle-heap-tracker-break\")\n+@pwndbg.commands.OnlyWhenRunning\n def toggle_tracker_break() -> None:\n pwndbg.gdblib.heap_tracking.stop_on_error = not pwndbg.gdblib.heap_tracking.stop_on_error\n if pwndbg.gdblib.heap_tracking.stop_on_error:\ndiff --git a/pwndbg/gdblib/heap_tracking.py b/pwndbg/gdblib/heap_tracking.py\nindex 915046dc..5b763aff 100644\n--- a/pwndbg/gdblib/heap_tracking.py\n+++ b/pwndbg/gdblib/heap_tracking.py\n@@ -47,7 +47,8 @@ that were not made explicit.\n \n \"\"\"\n \n-import itertools\n+from __future__ import annotations\n+\n import gdb\n from sortedcontainers import SortedDict\n \n@@ -65,6 +66,7 @@ last_issue = None\n # Useful to track possbile collision errors.\n PRINT_DEBUG = False\n \n+\n def is_enabled() -> bool:\n \"\"\"\n Whether the heap tracker in enabled.\n@@ -79,19 +81,21 @@ def is_enabled() -> bool:\n \n return any(installed)\n \n+\n def _basename(val):\n \"\"\"\n Returns the last component of a path.\n \"\"\"\n val.split(\"/\")[-1]\n \n+\n def resolve_address(name: str) -> int | None:\n \"\"\"\n Checks whether a given symbol is available and part of libc, and returns its\n address.\n \"\"\"\n # If that fails, try to query for it by using the less precise pwndbg API.\n- address = pwndbg.gdblib.symbol.address(name) \n+ address = pwndbg.gdblib.symbol.address(name)\n if not address:\n # Nothing that we can do here.\n return None\n@@ -109,11 +113,16 @@ def resolve_address(name: str) -> int | None:\n info = gdb.execute(f\"info symbol {address:#x}\", to_string=True, from_tty=False)\n info = info.split(\" of \")[-1].split(\"/\")[-1]\n if not info or LIBC_NAME not in info:\n- print(message.warn(f\"Instance of symbol {name} that was found does not seem to belong to an instance of libc whose name is in the form {LIBC_NAME}. Refusing to use.\"))\n+ print(\n+ message.warn(\n+ f'Found \"{name}\" that does not seem to belong to {LIBC_NAME}. Refusing to use.'\n+ )\n+ )\n return None\n- \n+\n return address\n \n+\n class FreeChunkWatchpoint(gdb.Breakpoint):\n def __init__(self, chunk, tracker):\n self.chunk = chunk\n@@ -140,7 +149,9 @@ class FreeChunkWatchpoint(gdb.Breakpoint):\n # We explicitly allow this operation.\n return False\n \n- print(f\"[!] Possible use-after-free in {self.chunk.size}-byte chunk at address {self.chunk.address:#x}\")\n+ print(\n+ f\"[!] Possible use-after-free in {self.chunk.size}-byte chunk at address {self.chunk.address:#x}\"\n+ )\n \n global stop_on_error\n if stop_on_error:\n@@ -497,7 +508,7 @@ class FreeExitBreakpoint(gdb.FinishBreakpoint):\n if not self.tracker.free(self.ptr):\n # This is a chunk we'd never seen before.\n self.tracker.exit_memory_management()\n- \n+\n print(f\"[!] free() with previously unknown pointer {self.freed_ptr:#x}\")\n global stop_on_error\n return stop_on_error\n@@ -535,6 +546,7 @@ free_enter = None\n # Whether the inferior should be stopped when an error is detected.\n stop_on_error = True\n \n+\n def install(disable_hardware_whatchpoints=True):\n global malloc_enter\n global calloc_enter\n@@ -553,6 +565,7 @@ def install(disable_hardware_whatchpoints=True):\n print(message.error(\"The following required symbols are not available:\"))\n for name in (x[0] for x in zip(required_symbols, available) if not x[1]):\n print(message.error(f\" - {name}\"))\n+ print(message.error(f\"Make sure {LIBC_NAME} has already been loaded.\"))\n \n return\n \ndiff --git a/tests/gdb-tests/tests/test_context_commands.py b/tests/gdb-tests/tests/test_context_commands.py\nindex c1997971..8620b3f2 100644\n--- a/tests/gdb-tests/tests/test_context_commands.py\n+++ b/tests/gdb-tests/tests/test_context_commands.py\n@@ -81,7 +81,7 @@ def test_empty_context_sections(start_binary, sections):\n start_binary(USE_FDS_BINARY)\n \n # Sanity check\n- default_ctx_sects = \"regs disasm code ghidra stack backtrace expressions threads\"\n+ default_ctx_sects = \"regs disasm code ghidra stack backtrace expressions threads heap-tracker\"\n assert pwndbg.gdblib.config.context_sections.value == default_ctx_sects\n assert gdb.execute(\"context\", to_string=True) != \"\"\n \n", "difficulty": 2, "changed_files": ["pwndbg/commands/heap_tracking.py", "pwndbg/gdblib/heap_tracking.py", "tests/gdb-tests/tests/test_context_commands.py"], "commit_link": "https://github.com/pwndbg/pwndbg/tree/f2f8b63c3d579f9e8f1d4319592e44e39591ee38"} \ No newline at end of file diff --git a/data/python/f4d5d7f.json b/data/python/f4d5d7f.json new file mode 100644 index 0000000000000000000000000000000000000000..dfaf142170021df6f98cd6ee28a6f6d76afe2ed6 --- /dev/null +++ b/data/python/f4d5d7f.json @@ -0,0 +1 @@ +{"language": "Python", "id": 68, "repo_owner": "qtile", "repo_name": "qtile", "head_branch": "doc-fixes", "workflow_name": "Run pre-commit", "workflow_filename": "pre_commit.yml", "workflow_path": ".github/workflows/pre_commit.yml", "contributor": "serweryn617", "sha_fail": "f4d5d7f6b712c290ad05c1526695d8a1ae09b4c0", "sha_success": "29940a07e451f3ff58503ecfed01778ee8375cc7", "workflow": "name: Run pre-commit\n\non:\n push:\n pull_request:\n\njobs:\n check:\n runs-on: ubuntu-latest\n steps:\n - uses: actions/checkout@v4\n - uses: actions/setup-python@v4\n - name: Install dependencies\n run: |\n sudo apt update\n sudo apt install --no-install-recommends libxkbcommon-dev\n - uses: pre-commit/action@v3.0.0\n", "logs": [{"step_name": "check/5_Run pre-commitaction@v3.0.0.txt", "log": "##[group]Run pre-commit/action@v3.0.0\nwith:\n extra_args: --all-files\n##[endgroup]\n##[group]Run python -m pip install pre-commit\n\u001b[36;1mpython -m pip install pre-commit\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nDefaulting to user installation because normal site-packages is not writeable\nCollecting pre-commit\n Downloading pre_commit-3.6.0-py2.py3-none-any.whl (204 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 204.0/204.0 KB 6.0 MB/s eta 0:00:00\nCollecting virtualenv>=20.10.0\n Downloading virtualenv-20.25.0-py3-none-any.whl (3.8 MB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 3.8/3.8 MB 105.0 MB/s eta 0:00:00\nRequirement already satisfied: pyyaml>=5.1 in /usr/lib/python3/dist-packages (from pre-commit) (5.4.1)\nCollecting identify>=1.0.0\n Downloading identify-2.5.33-py2.py3-none-any.whl (98 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 98.9/98.9 KB 40.0 MB/s eta 0:00:00\nCollecting cfgv>=2.0.0\n Downloading cfgv-3.4.0-py2.py3-none-any.whl (7.2 kB)\nCollecting nodeenv>=0.11.1\n Downloading nodeenv-1.8.0-py2.py3-none-any.whl (22 kB)\nRequirement already satisfied: setuptools in /usr/lib/python3/dist-packages (from nodeenv>=0.11.1->pre-commit) (59.6.0)\nRequirement already satisfied: platformdirs<5,>=3.9.1 in /usr/local/lib/python3.10/dist-packages (from virtualenv>=20.10.0->pre-commit) (4.1.0)\nCollecting filelock<4,>=3.12.2\n Downloading filelock-3.13.1-py3-none-any.whl (11 kB)\nCollecting distlib<1,>=0.3.7\n Downloading distlib-0.3.8-py2.py3-none-any.whl (468 kB)\n \u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501\u2501 468.9/468.9 KB 86.2 MB/s eta 0:00:00\nInstalling collected packages: distlib, nodeenv, identify, filelock, cfgv, virtualenv, pre-commit\nSuccessfully installed cfgv-3.4.0 distlib-0.3.8 filelock-3.13.1 identify-2.5.33 nodeenv-1.8.0 pre-commit-3.6.0 virtualenv-20.25.0\n##[group]Run python -m pip freeze --local\n\u001b[36;1mpython -m pip freeze --local\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nargcomplete==3.2.1\ncfgv==3.4.0\ndistlib==0.3.8\nfilelock==3.13.1\nidentify==2.5.33\nnodeenv==1.8.0\npackaging==23.2\npipx==1.4.2\nplatformdirs==4.1.0\npre-commit==3.6.0\ntomli==2.0.1\nuserpath==1.9.1\nvirtualenv==20.25.0\n##[group]Run actions/cache@v3\nwith:\n path: ~/.cache/pre-commit\n key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n enableCrossOsArchive: false\n fail-on-cache-miss: false\n lookup-only: false\n##[endgroup]\nReceived 0 of 37431926 (0.0%), 0.0 MBs/sec\nCache Size: ~36 MB (37431926 B)\n[command]/usr/bin/tar -xf /home/runner/work/_temp/a2d2ad42-ae7e-4082-adbf-fd8d469171ad/cache.tzst -P -C /home/runner/work/qtile/qtile --use-compress-program unzstd\nCache restored successfully\nCache restored from key: pre-commit-3||05c1fbbb63b353467651b511e6ac241ffd2d8e71749cfabfe5ee6bc8366d2d02\n##[group]Run pre-commit run --show-diff-on-failure --color=always --all-files\n\u001b[36;1mpre-commit run --show-diff-on-failure --color=always --all-files\u001b[0m\nshell: /usr/bin/bash --noprofile --norc -e -o pipefail {0}\n##[endgroup]\nblack....................................................................\u001b[42mPassed\u001b[m\nisort....................................................................\u001b[42mPassed\u001b[m\nflake8...................................................................\u001b[41mFailed\u001b[m\n\u001b[2m- hook id: flake8\u001b[m\n\u001b[2m- exit code: 1\u001b[m\n\n\u001b[1mlibqtile/config.py\u001b[m\u001b[36m:\u001b[m410\u001b[36m:\u001b[m53\u001b[36m:\u001b[m \u001b[1m\u001b[31mW605\u001b[m invalid escape sequence '\\s'\n\nmypy.....................................................................\u001b[42mPassed\u001b[m\nvulture..................................................................\u001b[42mPassed\u001b[m\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/libqtile/config.py b/libqtile/config.py\nindex 7d4c5de0..1abef179 100644\n--- a/libqtile/config.py\n+++ b/libqtile/config.py\n@@ -404,7 +404,7 @@ class ScreenRect:\n \n \n class Screen(CommandObject):\n- \"\"\"\n+ r\"\"\"\n A physical screen, and its associated paraphernalia.\n \n Define a screen with a given set of :class:`Bar`\\s of a specific geometry. Also,\n", "difficulty": 0, "changed_files": ["libqtile/config.py"], "commit_link": "https://github.com/qtile/qtile/tree/f4d5d7f6b712c290ad05c1526695d8a1ae09b4c0"} \ No newline at end of file diff --git a/data/python/f5bf0a8.json b/data/python/f5bf0a8.json new file mode 100644 index 0000000000000000000000000000000000000000..edade709f323a77651c782d4249f48b77e4aa3b0 --- /dev/null +++ b/data/python/f5bf0a8.json @@ -0,0 +1 @@ +{"language": "Python", "id": 71, "repo_owner": "aws", "repo_name": "serverless-application-model", "head_branch": "layer-version-fix", "workflow_name": "Tests", "workflow_filename": "build.yml", "workflow_path": ".github/workflows/build.yml", "contributor": "aws", "sha_fail": "f5bf0a8e1cfd0d9d92b3477af582f9cb7b630001", "sha_success": "3d7c7d5c4150ffc2ce7caa2ae8675b8fbf38c231", "workflow": "name: Tests\n\non:\n push:\n branches:\n - develop\n - \"feat-*\"\n pull_request:\n workflow_dispatch:\n merge_group:\n types: [checks_requested]\n\njobs:\n build:\n name: ${{ matrix.os }} / ${{ matrix.python }}\n runs-on: ${{ matrix.os }}\n strategy:\n fail-fast: false\n matrix:\n os:\n - ubuntu-latest\n python:\n - \"3.7\"\n - \"3.8\"\n - \"3.9\"\n - \"3.10\"\n - \"3.11\"\n steps:\n - uses: actions/checkout@v3\n - uses: actions/setup-python@v4\n with:\n python-version: ${{ matrix.python }}\n - run: make init\n - run: make pr\n", "logs": [{"step_name": "ubuntu-latest 3.7/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nAll done! \u2728 \ud83c\udf70 \u2728\n363 files would be left unchanged.\nbin/transform-test-error-json-format.py --check tests/translator/output/error_*.json\n235 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/json-format.py --check tests integration samtranslator/policy_templates_data\n1820 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/yaml-format.py --check tests\n696 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/yaml-format.py --check integration --add-test-metadata\n190 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nruff samtranslator bin schema_source integration tests\n# mypy performs type check\nmypy --strict samtranslator bin schema_source\nsamtranslator/translator/translator.py:427: error: \"dict\" is not subscriptable, use \"typing.Dict\" instead [misc]\nFound 1 error in 1 file (checked 165 source files)\nmake: *** [Makefile:55: lint] Error 1\n##[error]Process completed with exit code 2.\n"}, {"step_name": "ubuntu-latest 3.8/5_Run make pr.txt", "log": "##[group]Run make pr\n\u001b[36;1mmake pr\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.8.18/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.8.18/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.8.18/x64/lib\n##[endgroup]\n# Checking latest schema was generated (run `make schema` if this fails)\nmkdir -p .tmp\npython -m samtranslator.internal.schema_source.schema --sam-schema .tmp/sam.schema.json --cfn-schema schema_source/cloudformation.schema.json --unified-schema .tmp/schema.json\ndiff -u schema_source/sam.schema.json .tmp/sam.schema.json\ndiff -u samtranslator/schema/schema.json .tmp/schema.json\nblack --check setup.py samtranslator tests integration bin schema_source\nAll done! \u2728 \ud83c\udf70 \u2728\n363 files would be left unchanged.\nbin/transform-test-error-json-format.py --check tests/translator/output/error_*.json\n235 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/json-format.py --check tests integration samtranslator/policy_templates_data\n1820 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/yaml-format.py --check tests\n696 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nbin/yaml-format.py --check integration --add-test-metadata\n190 file(s) scanned.\n0 file(s) need reformat.\n\u001b[1mAll done! \u2728 \ud83c\udf70 \u2728\u001b[0m\nruff samtranslator bin schema_source integration tests\n# mypy performs type check\nmypy --strict samtranslator bin schema_source\nsamtranslator/translator/translator.py:427: error: \"dict\" is not subscriptable, use \"typing.Dict\" instead [misc]\nFound 1 error in 1 file (checked 165 source files)\nmake: *** [Makefile:55: lint] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/samtranslator/translator/translator.py b/samtranslator/translator/translator.py\nindex b710bf8e..85e6f0f8 100644\n--- a/samtranslator/translator/translator.py\n+++ b/samtranslator/translator/translator.py\n@@ -424,7 +424,7 @@ def traverse_template_depends_on(input_value: Dict[str, Any], resolution_data: D\n return input_value\n \n \n-def _resolve_depends_on(input_dict: Dict[str, Any], resolution_data: dict[str, str]) -> Dict[str, Any]:\n+def _resolve_depends_on(input_dict: Dict[str, Any], resolution_data: Dict[str, str]) -> Dict[str, Any]:\n \"\"\"\n Resolve DependsOn when logical ids get changed when transforming (ex: AWS::Serverless::LayerVersion)\n \n", "difficulty": 1, "changed_files": ["samtranslator/translator/translator.py"], "commit_link": "https://github.com/aws/serverless-application-model/tree/f5bf0a8e1cfd0d9d92b3477af582f9cb7b630001"} \ No newline at end of file diff --git a/data/python/fbd6438.json b/data/python/fbd6438.json new file mode 100644 index 0000000000000000000000000000000000000000..f93d9b79ff4adda264546f80b3ad412bf62581c7 --- /dev/null +++ b/data/python/fbd6438.json @@ -0,0 +1 @@ +{"language": "Python", "id": 33, "repo_owner": "lightly-ai", "repo_name": "lightly", "head_branch": "master", "workflow_name": "Code Format Check", "workflow_filename": "test_code_format.yml", "workflow_path": ".github/workflows/test_code_format.yml", "contributor": "jameschapman19", "sha_fail": "fbd64389f7fdbfc6cb7e2c7f5604fb18edf4530e", "sha_success": "66ad1b40ebf3b53512703c774988211ce283211f", "workflow": "name: Code Format Check\n\non:\n push:\n pull_request:\n workflow_dispatch:\n\njobs:\n test:\n name: Check\n runs-on: ubuntu-latest\n steps:\n - name: Checkout Code\n uses: actions/checkout@v3\n - name: Hack to get setup-python to work on nektos/act\n run: |\n if [ ! -f \"/etc/lsb-release\" ] ; then\n echo \"DISTRIB_RELEASE=18.04\" > /etc/lsb-release\n fi\n - name: Set up Python\n uses: actions/setup-python@v4\n with:\n python-version: \"3.7\"\n - uses: actions/cache@v2\n with:\n path: ${{ env.pythonLocation }}\n key: cache_v2_${{ env.pythonLocation }}-${{ hashFiles('requirements/**') }}\n - name: Install Dependencies and lightly\n run: pip install -e '.[all]'\n - name: Run Format Check\n run: |\n make format-check\n - name: Run Type Check\n run: |\n make type-check\n", "logs": [{"step_name": "Check/8_Run Type Check.txt", "log": "##[group]Run make type-check\n\u001b[36;1mmake type-check\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n pythonLocation: /opt/hostedtoolcache/Python/3.7.17/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.7.17/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.7.17/x64/lib\n##[endgroup]\nmypy lightly tests\nlightly/loss/ssley_loss.py:6: note: In module imported here:\nlightly/utils/dist.py: note: In member \"forward\" of class \"GatherLayer\":\nlightly/utils/dist.py:16: error: Function is missing a type annotation for one or more arguments [no-untyped-def]\nlightly/utils/dist.py: note: In class \"GatherLayer\":\nlightly/utils/dist.py:16: error: Type of decorated function contains type \"Any\" (\"Callable[[Any, Tensor], tuple[Tensor, ...]]\") [misc]\nlightly/utils/dist.py:16: error: Signature of \"forward\" incompatible with supertype \"Function\" [override]\nlightly/utils/dist.py:16: note: Superclass:\nlightly/utils/dist.py:16: note: @staticmethod\nlightly/utils/dist.py:16: note: def forward(ctx: Any, *args: Any, **kwargs: Any) -> Any\nlightly/utils/dist.py:16: note: Subclass:\nlightly/utils/dist.py:16: note: @staticmethod\nlightly/utils/dist.py:16: note: def forward(ctx: Any, input: Tensor) -> tuple[Tensor, ...]\nlightly/utils/dist.py: note: In member \"backward\" of class \"GatherLayer\":\nlightly/utils/dist.py:23: error: Function is missing a type annotation for one or more arguments [no-untyped-def]\nlightly/utils/dist.py: note: In class \"GatherLayer\":\nlightly/utils/dist.py:23: error: Type of decorated function contains type \"Any\" (\"Callable[[Any, VarArg(Tensor)], Tensor]\") [misc]\nlightly/utils/dist.py: note: In function \"gather\":\nlightly/utils/dist.py:42: error: Returning Any from function declared to return \"tuple[Tensor]\" [no-any-return]\nlightly/utils/dist.py: note: In function \"rank_zero_only\":\nlightly/utils/dist.py:73: error: Function is missing a type annotation [no-untyped-def]\nlightly/utils/dist.py:85: error: Function is missing a type annotation [no-untyped-def]\nlightly/utils/dist.py: note: At top level:\nlightly/utils/dist.py:92: error: Untyped decorator makes function \"print_rank_zero\" untyped [misc]\nlightly/utils/dist.py: note: In function \"print_rank_zero\":\nlightly/utils/dist.py:93: error: Function is missing a type annotation for one or more arguments [no-untyped-def]\nlightly/utils/dist.py: note: At top level:\nlightly/utils/dist.py:93: error: Function is untyped after decorator transformation [misc]\ntests/loss/test_SSLEYLoss.py:10: error: Module \"lightly.loss\" has no attribute \"SSLEYLoss\" [attr-defined]\ntests/loss/test_SSLEYLoss.py: note: In member \"test_forward_pass\" of class \"TestSSLEYLossUnitTest\":\ntests/loss/test_SSLEYLoss.py:32: error: Function is missing a return type annotation [no-untyped-def]\ntests/loss/test_SSLEYLoss.py:32: note: Use \"-> None\" if function does not return a value\ntests/loss/test_SSLEYLoss.py: note: In member \"test_forward_pass_cuda\" of class \"TestSSLEYLossUnitTest\":\ntests/loss/test_SSLEYLoss.py:44: error: Function is missing a return type annotation [no-untyped-def]\ntests/loss/test_SSLEYLoss.py:44: note: Use \"-> None\" if function does not return a value\ntests/loss/test_SSLEYLoss.py: note: In class \"TestSSLEYLossUnitTest\":\ntests/loss/test_SSLEYLoss.py:44: error: Type of decorated function contains type \"Any\" (\"Callable[[TestSSLEYLossUnitTest], Any]\") [misc]\ntests/loss/test_SSLEYLoss.py: note: In member \"test_forward_pass__error_batch_size_1\" of class \"TestSSLEYLossUnitTest\":\ntests/loss/test_SSLEYLoss.py:55: error: Function is missing a return type annotation [no-untyped-def]\ntests/loss/test_SSLEYLoss.py:55: note: Use \"-> None\" if function does not return a value\ntests/loss/test_SSLEYLoss.py: note: In member \"test_forward_pass__error_different_shapes\" of class \"TestSSLEYLossUnitTest\":\ntests/loss/test_SSLEYLoss.py:62: error: Function is missing a return type annotation [no-untyped-def]\ntests/loss/test_SSLEYLoss.py:62: note: Use \"-> None\" if function does not return a value\nlightly/loss/ssley_loss.py: note: In member \"__init__\" of class \"SSLEYLoss\":\nlightly/loss/ssley_loss.py:37: error: Function is missing a type annotation for one or more arguments [no-untyped-def]\nlightly/loss/ssley_loss.py:50: error: Name \"lambda_param\" is not defined [name-defined]\nlightly/loss/ssley_loss.py:51: error: Name \"mu_param\" is not defined [name-defined]\nlightly/loss/ssley_loss.py:52: error: Name \"nu_param\" is not defined [name-defined]\nlightly/loss/ssley_loss.py: note: In member \"forward\" of class \"SSLEYLoss\":\nlightly/loss/ssley_loss.py:92: error: Returning Any from function declared to return \"Tensor\" [no-any-return]\nFound 22 errors in 3 files (checked 346 source files)\nmake: *** [Makefile:68: type-check] Error 1\n##[error]Process completed with exit code 2.\n"}], "diff": "diff --git a/README.md b/README.md\nindex 77e10af3..70afc941 100644\n--- a/README.md\n+++ b/README.md\n@@ -52,7 +52,6 @@ and PyTorch Lightning distributed examples for all models to kickstart your proj\n - SimMIM, 2021 [paper](https://arxiv.org/abs/2111.09886) [docs](https://docs.lightly.ai/self-supervised-learning/examples/simmim.html)\n - SimSiam, 2021 [paper](https://arxiv.org/abs/2011.10566) [docs](https://docs.lightly.ai/self-supervised-learning/examples/simsiam.html)\n - SMoG, 2022 [paper](https://arxiv.org/abs/2207.06167) [docs](https://docs.lightly.ai/self-supervised-learning/examples/smog.html)\n-- SSL-EY, 2023 [paper](https://arxiv.org/abs/2310.01012) [docs](https://docs.lightly.ai/self-supervised-learning/examples/ssley.html)\n - SwaV, 2020 [paper](https://arxiv.org/abs/2006.09882) [docs](https://docs.lightly.ai/self-supervised-learning/examples/swav.html)\n - TiCo, 2022 [paper](https://arxiv.org/abs/2206.10698) [docs](https://docs.lightly.ai/self-supervised-learning/examples/tico.html)\n - VICReg, 2022 [paper](https://arxiv.org/abs/2105.04906) [docs](https://docs.lightly.ai/self-supervised-learning/examples/vicreg.html)\n@@ -279,17 +278,16 @@ tuned for maximum accuracy. For detailed results and more information about the\n See the [benchmarking scripts](./benchmarks/imagenet/resnet50/) for details.\n \n \n-| Model | Backbone | Batch Size | Epochs | Linear Top1 | Finetune Top1 | kNN Top1 | Tensorboard | Checkpoint |\n-|----------------|----------|------------|--------|-------------|---------------|----------|----------------------------------------------------------------|--------------------------------------------------------------------------------------------------------------------------------------------------------------------|\n-| BarlowTwins | Res50 | 256 | 100 | 62.9 | 72.6 | 45.6 | [link](https://tensorboard.dev/experiment/NxyNRiQsQjWZ82I9b0PvKg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_barlowtwins_2023-08-18_00-11-03/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| BYOL | Res50 | 256 | 100 | 62.4 | 74.0 | 45.6 | [link](https://tensorboard.dev/experiment/Z0iG2JLaTJe5nuBD7DK1bg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_byol_2023-07-10_10-37-32/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| DINO | Res50 | 128 | 100 | 68.2 | 72.5 | 49.9 | [link](https://tensorboard.dev/experiment/DvKHX9sNSWWqDrRksllPLA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dino_2023-06-06_13-59-48/pretrain/version_0/checkpoints/epoch%3D99-step%3D1000900.ckpt) |\n-| SimCLR* | Res50 | 256 | 100 | 63.2 | 73.9 | 44.8 | [link](https://tensorboard.dev/experiment/Ugol97adQdezgcVibDYMMA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_simclr_2023-06-22_09-11-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SimCLR* + DCL | Res50 | 256 | 100 | 65.1 | 73.5 | 49.6 | [link](https://tensorboard.dev/experiment/k4ZonZ77QzmBkc0lXswQlg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dcl_2023-07-04_16-51-40/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SimCLR* + DCLW | Res50 | 256 | 100 | 64.5 | 73.2 | 48.5 | [link](https://tensorboard.dev/experiment/TrALnpwFQ4OkZV3uvaX7wQ/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dclw_2023-07-07_14-57-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| SSL-EY | Res50 | 256 | 100 | TODO | TODO | TODO | [link](TODO)| [link](TODO) |\n-| SwAV | Res50 | 256 | 100 | 67.2 | 75.4 | 49.5 | [link](https://tensorboard.dev/experiment/Ipx4Oxl5Qkqm5Sl5kWyKKg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_swav_2023-05-25_08-29-14/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n-| VICReg | Res50 | 256 | 100 | 63.0 | 73.7 | 46.3 | [link](https://tensorboard.dev/experiment/qH5uywJbTJSzgCEfxc7yUw) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_vicreg_2023-09-11_10-53-08/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| Model | Backbone | Batch Size | Epochs | Linear Top1 | Finetune Top1 | kNN Top1 | Tensorboard | Checkpoint |\n+|----------------|----------|------------|--------|-------------|---------------|----------|-------------|------------|\n+| BarlowTwins | Res50 | 256 | 100 | 62.9 | 72.6 | 45.6 | [link](https://tensorboard.dev/experiment/NxyNRiQsQjWZ82I9b0PvKg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_barlowtwins_2023-08-18_00-11-03/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| BYOL | Res50 | 256 | 100 | 62.4 | 74.0 | 45.6 | [link](https://tensorboard.dev/experiment/Z0iG2JLaTJe5nuBD7DK1bg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_byol_2023-07-10_10-37-32/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| DINO | Res50 | 128 | 100 | 68.2 | 72.5 | 49.9 | [link](https://tensorboard.dev/experiment/DvKHX9sNSWWqDrRksllPLA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dino_2023-06-06_13-59-48/pretrain/version_0/checkpoints/epoch%3D99-step%3D1000900.ckpt) |\n+| SimCLR* | Res50 | 256 | 100 | 63.2 | 73.9 | 44.8 | [link](https://tensorboard.dev/experiment/Ugol97adQdezgcVibDYMMA) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_simclr_2023-06-22_09-11-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SimCLR* + DCL | Res50 | 256 | 100 | 65.1 | 73.5 | 49.6 | [link](https://tensorboard.dev/experiment/k4ZonZ77QzmBkc0lXswQlg/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dcl_2023-07-04_16-51-40/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SimCLR* + DCLW | Res50 | 256 | 100 | 64.5 | 73.2 | 48.5 | [link](https://tensorboard.dev/experiment/TrALnpwFQ4OkZV3uvaX7wQ/) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_dclw_2023-07-07_14-57-13/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| SwAV | Res50 | 256 | 100 | 67.2 | 75.4 | 49.5 | [link](https://tensorboard.dev/experiment/Ipx4Oxl5Qkqm5Sl5kWyKKg) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_swav_2023-05-25_08-29-14/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n+| VICReg | Res50 | 256 | 100 | 63.0 | 73.7 | 46.3 | [link](https://tensorboard.dev/experiment/qH5uywJbTJSzgCEfxc7yUw) | [link](https://lightly-ssl-checkpoints.s3.amazonaws.com/imagenet_resnet50_vicreg_2023-09-11_10-53-08/pretrain/version_0/checkpoints/epoch%3D99-step%3D500400.ckpt) |\n \n *\\*We use square root learning rate scaling instead of linear scaling as it yields\n better results for smaller batch sizes. See Appendix B.1 in the [SimCLR paper](https://arxiv.org/abs/2002.05709).*\ndiff --git a/benchmarks/imagenet/resnet50/main.py b/benchmarks/imagenet/resnet50/main.py\nindex 21906071..8eb3e7f6 100644\n--- a/benchmarks/imagenet/resnet50/main.py\n+++ b/benchmarks/imagenet/resnet50/main.py\n@@ -12,7 +12,6 @@ import finetune_eval\n import knn_eval\n import linear_eval\n import simclr\n-import ssley\n import swav\n import torch\n import vicreg\n@@ -59,7 +58,6 @@ METHODS = {\n \"dclw\": {\"model\": dclw.DCLW, \"transform\": dclw.transform},\n \"dino\": {\"model\": dino.DINO, \"transform\": dino.transform},\n \"simclr\": {\"model\": simclr.SimCLR, \"transform\": simclr.transform},\n- \"ssley\": {\"model\": ssley.SSLEY, \"transform\": ssley.transform},\n \"swav\": {\"model\": swav.SwAV, \"transform\": swav.transform},\n \"vicreg\": {\"model\": vicreg.VICReg, \"transform\": vicreg.transform},\n }\ndiff --git a/benchmarks/imagenet/resnet50/ssley.py b/benchmarks/imagenet/resnet50/ssley.py\ndeleted file mode 100644\nindex 1c45a75e..00000000\n--- a/benchmarks/imagenet/resnet50/ssley.py\n+++ /dev/null\n@@ -1,127 +0,0 @@\n-from typing import List, Tuple\n-\n-import torch\n-from pytorch_lightning import LightningModule\n-from torch import Tensor\n-from torch.nn import Identity\n-from torchvision.models import resnet50\n-\n-from lightly.loss.ssley_loss import SSLEYLoss\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.models.utils import get_weight_decay_parameters\n-from lightly.transforms.ssley_transform import VICRegTransform\n-from lightly.utils.benchmarking import OnlineLinearClassifier\n-from lightly.utils.lars import LARS\n-from lightly.utils.scheduler import CosineWarmupScheduler\n-\n-\n-class SSLEY(LightningModule):\n- def __init__(self, batch_size_per_device: int, num_classes: int) -> None:\n- super().__init__()\n- self.save_hyperparameters()\n- self.batch_size_per_device = batch_size_per_device\n-\n- resnet = resnet50()\n- resnet.fc = Identity() # Ignore classification head\n- self.backbone = resnet\n- self.projection_head = VICRegProjectionHead(num_layers=2)\n- self.criterion = SSLEYLoss()\n-\n- self.online_classifier = OnlineLinearClassifier(num_classes=num_classes)\n-\n- def forward(self, x: Tensor) -> Tensor:\n- return self.backbone(x)\n-\n- def training_step(\n- self, batch: Tuple[List[Tensor], Tensor, List[str]], batch_idx: int\n- ) -> Tensor:\n- views, targets = batch[0], batch[1]\n- features = self.forward(torch.cat(views)).flatten(start_dim=1)\n- z = self.projection_head(features)\n- z_a, z_b = z.chunk(len(views))\n- loss = self.criterion(z_a=z_a, z_b=z_b)\n- self.log(\n- \"train_loss\", loss, prog_bar=True, sync_dist=True, batch_size=len(targets)\n- )\n-\n- # Online linear evaluation.\n- cls_loss, cls_log = self.online_classifier.training_step(\n- (features.detach(), targets.repeat(len(views))), batch_idx\n- )\n-\n- self.log_dict(cls_log, sync_dist=True, batch_size=len(targets))\n- return loss + cls_loss\n-\n- def validation_step(\n- self, batch: Tuple[Tensor, Tensor, List[str]], batch_idx: int\n- ) -> Tensor:\n- images, targets = batch[0], batch[1]\n- features = self.forward(images).flatten(start_dim=1)\n- cls_loss, cls_log = self.online_classifier.validation_step(\n- (features.detach(), targets), batch_idx\n- )\n- self.log_dict(cls_log, prog_bar=True, sync_dist=True, batch_size=len(targets))\n- return cls_loss\n-\n- def configure_optimizers(self):\n- # Don't use weight decay for batch norm, bias parameters, and classification\n- # head to improve performance.\n- params, params_no_weight_decay = get_weight_decay_parameters(\n- [self.backbone, self.projection_head]\n- )\n- global_batch_size = self.batch_size_per_device * self.trainer.world_size\n- base_lr = _get_base_learning_rate(global_batch_size=global_batch_size)\n- optimizer = LARS(\n- [\n- {\"name\": \"ssley\", \"params\": params},\n- {\n- \"name\": \"ssley_no_weight_decay\",\n- \"params\": params_no_weight_decay,\n- \"weight_decay\": 0.0,\n- },\n- {\n- \"name\": \"online_classifier\",\n- \"params\": self.online_classifier.parameters(),\n- \"weight_decay\": 0.0,\n- },\n- ],\n- # Linear learning rate scaling with a base learning rate of 0.2.\n- # See https://arxiv.org/pdf/2105.04906.pdf for details.\n- lr=base_lr * global_batch_size / 256,\n- momentum=0.9,\n- weight_decay=1e-6,\n- )\n- scheduler = {\n- \"scheduler\": CosineWarmupScheduler(\n- optimizer=optimizer,\n- warmup_epochs=(\n- self.trainer.estimated_stepping_batches\n- / self.trainer.max_epochs\n- * 10\n- ),\n- max_epochs=self.trainer.estimated_stepping_batches,\n- end_value=0.01, # Scale base learning rate from 0.2 to 0.002.\n- ),\n- \"interval\": \"step\",\n- }\n- return [optimizer], [scheduler]\n-\n-\n-# SSLEY transform\n-transform = VICRegTransform()\n-\n-\n-def _get_base_learning_rate(global_batch_size: int) -> float:\n- \"\"\"Returns the base learning rate for training 100 epochs with a given batch size.\n-\n- This follows section C.4 in https://arxiv.org/pdf/2105.04906.pdf.\n-\n- \"\"\"\n- if global_batch_size == 128:\n- return 0.8\n- elif global_batch_size == 256:\n- return 0.5\n- elif global_batch_size == 512:\n- return 0.4\n- else:\n- return 0.3\ndiff --git a/docs/source/examples/ssley.rst b/docs/source/examples/ssley.rst\ndeleted file mode 100644\nindex 8a449f69..00000000\n--- a/docs/source/examples/ssley.rst\n+++ /dev/null\n@@ -1,48 +0,0 @@\n-.. _ssley:\n-\n-SSL-EY\n-=======\n-\n-SSL-EY is a method that explicitly\n-avoids the collapse problem with a simple regularization term on the variance of the embeddings along each dimension individually. It inherits the model structure from\n-`Barlow Twins, 2022 `_ changing the loss. Doing so allows the stabilization of the training and leads to performance improvements. \n-\n-Reference:\n- `Efficient Algorithms for the CCA Family: Unconstrained Objectives with Unbiased Gradients, 2023 `_\n-\n-\n-.. tabs::\n- .. tab:: PyTorch\n-\n- This example can be run from the command line with::\n-\n- python lightly/examples/pytorch/ssley.py\n-\n- .. literalinclude:: ../../../examples/pytorch/ssley.py\n-\n- .. tab:: Lightning\n-\n- This example can be run from the command line with::\n-\n- python lightly/examples/pytorch_lightning/ssley.py\n-\n- .. literalinclude:: ../../../examples/pytorch_lightning/ssley.py\n-\n- .. tab:: Lightning Distributed\n-\n- This example runs on multiple gpus using Distributed Data Parallel (DDP)\n- training with Pytorch Lightning. At least one GPU must be available on \n- the system. The example can be run from the command line with::\n-\n- python lightly/examples/pytorch_lightning_distributed/ssley.py\n-\n- The model differs in the following ways from the non-distributed\n- implementation:\n-\n- - Distributed Data Parallel is enabled\n- - Distributed Sampling is used in the dataloader\n-\n- Distributed Sampling makes sure that each distributed process sees only\n- a subset of the data.\n-\n- .. literalinclude:: ../../../examples/pytorch_lightning_distributed/ssley.py\n\\ No newline at end of file\ndiff --git a/docs/source/getting_started/benchmarks/imagenette_benchmark.py b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\nindex af2759ed..b5c5e8e7 100644\n--- a/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n+++ b/docs/source/getting_started/benchmarks/imagenette_benchmark.py\n@@ -29,7 +29,6 @@ Results (4.5.2023):\n | SimCLR | 256 | 200 | 0.835 | 49.7 Min | 3.7 GByte |\n | SimMIM (ViT-B32) | 256 | 200 | 0.315 | 115.5 Min | 9.7 GByte |\n | SimSiam | 256 | 200 | 0.752 | 58.2 Min | 3.9 GByte |\n-| SSL-EY | 256 | 200 | TO-DO | TO-DO | TO-DO GByte |\n | SwaV | 256 | 200 | 0.861 | 73.3 Min | 6.4 GByte |\n | SwaVQueue | 256 | 200 | 0.827 | 72.6 Min | 6.4 GByte |\n | SMoG | 256 | 200 | 0.663 | 58.7 Min | 2.6 GByte |\n@@ -51,7 +50,6 @@ Results (4.5.2023):\n | SimCLR | 256 | 800 | 0.889 | 193.5 Min | 3.7 GByte |\n | SimMIM (ViT-B32) | 256 | 800 | 0.343 | 446.5 Min | 9.7 GByte |\n | SimSiam | 256 | 800 | 0.872 | 206.4 Min | 3.9 GByte |\n-| SSL-EY | 256 | 800 | TO-DO | TO-DO | TO-DO GByte |\n | SwaV | 256 | 800 | 0.902 | 283.2 Min | 6.4 GByte |\n | SwaVQueue | 256 | 800 | 0.890 | 282.7 Min | 6.4 GByte |\n | SMoG | 256 | 800 | 0.788 | 232.1 Min | 2.6 GByte |\n@@ -83,7 +81,6 @@ from lightly.loss import (\n NegativeCosineSimilarity,\n NTXentLoss,\n PMSNLoss,\n- SSLEYLoss,\n SwaVLoss,\n TiCoLoss,\n VICRegLLoss,\n@@ -270,7 +267,6 @@ def create_dataset_train_ssl(model):\n SimCLRModel: simclr_transform,\n SimMIMModel: simmim_transform,\n SimSiamModel: simsiam_transform,\n- SSL_EYModel: vicreg_transform,\n SwaVModel: swav_transform,\n SwaVQueueModel: swav_transform,\n SMoGModel: smog_transform,\n@@ -1169,42 +1165,6 @@ class SimMIMModel(BenchmarkModule):\n return [optim], [cosine_scheduler]\n \n \n-class SSLEYModel(BenchmarkModule):\n- def __init__(self, dataloader_kNN, num_classes):\n- super().__init__(dataloader_kNN, num_classes)\n- # create a ResNet backbone and remove the classification head\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = heads.BarlowTwinsProjectionHead(512, 2048, 2048)\n- self.criterion = SSLEYLoss()\n- self.warmup_epochs = 40 if max_epochs >= 800 else 20\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1), _, _ = batch\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- # Training diverges without LARS\n- optim = LARS(\n- self.parameters(),\n- lr=0.3 * lr_factor,\n- weight_decay=1e-4,\n- momentum=0.9,\n- )\n- cosine_scheduler = scheduler.CosineWarmupScheduler(\n- optim, self.warmup_epochs, max_epochs\n- )\n- return [optim], [cosine_scheduler]\n-\n-\n class VICRegModel(BenchmarkModule):\n def __init__(self, dataloader_kNN, num_classes):\n super().__init__(dataloader_kNN, num_classes)\n@@ -1450,7 +1410,6 @@ models = [\n SimCLRModel,\n # SimMIMModel, #\u00a0disabled by default because SimMIM uses larger images with size 224\n SimSiamModel,\n- SSLEYModel,\n SwaVModel,\n SwaVQueueModel,\n SMoGModel,\ndiff --git a/docs/source/lightly.loss.rst b/docs/source/lightly.loss.rst\nindex 2976cca5..38e304b6 100644\n--- a/docs/source/lightly.loss.rst\n+++ b/docs/source/lightly.loss.rst\n@@ -41,9 +41,6 @@ lightly.loss\n .. autoclass:: lightly.loss.regularizer.co2.CO2Regularizer\n :members:\n \n-.. autoclass:: lightly.loss.ssley_loss.SSLEYLoss\n- :members:\n-\n .. autoclass:: lightly.loss.swav_loss.SwaVLoss\n :members:\n \ndiff --git a/examples/pytorch/ssley.py b/examples/pytorch/ssley.py\ndeleted file mode 100644\nindex 695fe92d..00000000\n--- a/examples/pytorch/ssley.py\n+++ /dev/null\n@@ -1,70 +0,0 @@\n-import torch\n-import torchvision\n-from torch import nn\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.loss.ssley_loss import SSLEYLoss\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(nn.Module):\n- def __init__(self, backbone):\n- super().__init__()\n- self.backbone = backbone\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n-\n-resnet = torchvision.models.resnet18()\n-backbone = nn.Sequential(*list(resnet.children())[:-1])\n-model = SSLEY(backbone)\n-\n-device = \"cuda\" if torch.cuda.is_available() else \"cpu\"\n-model.to(device)\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-criterion = SSLEYLoss()\n-optimizer = torch.optim.SGD(model.parameters(), lr=0.06)\n-\n-print(\"Starting Training\")\n-for epoch in range(10):\n- total_loss = 0\n- for batch in dataloader:\n- x0, x1 = batch[0]\n- x0 = x0.to(device)\n- x1 = x1.to(device)\n- z0 = model(x0)\n- z1 = model(x1)\n- loss = criterion(z0, z1)\n- total_loss += loss.detach()\n- loss.backward()\n- optimizer.step()\n- optimizer.zero_grad()\n- avg_loss = total_loss / len(dataloader)\n- print(f\"epoch: {epoch:>02}, loss: {avg_loss:.5f}\")\ndiff --git a/examples/pytorch_lightning/ssley.py b/examples/pytorch_lightning/ssley.py\ndeleted file mode 100644\nindex 6cc17de9..00000000\n--- a/examples/pytorch_lightning/ssley.py\n+++ /dev/null\n@@ -1,67 +0,0 @@\n-# Note: The model and training settings do not follow the reference settings\n-# from the paper. The settings are chosen such that the example can easily be\n-# run on a small dataset with a single GPU.\n-\n-import pytorch_lightning as pl\n-import torch\n-import torchvision\n-from torch import nn\n-\n-from lightly.loss.ssley_loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(pl.LightningModule):\n- def __init__(self):\n- super().__init__()\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n- self.criterion = SSLEYLoss()\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1) = batch[0]\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- optim = torch.optim.SGD(self.parameters(), lr=0.06)\n- return optim\n-\n-\n-model = SSLEY()\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-\n-accelerator = \"gpu\" if torch.cuda.is_available() else \"cpu\"\n-\n-trainer = pl.Trainer(max_epochs=10, devices=1, accelerator=accelerator)\n-trainer.fit(model=model, train_dataloaders=dataloader)\ndiff --git a/examples/pytorch_lightning_distributed/ssley.py b/examples/pytorch_lightning_distributed/ssley.py\ndeleted file mode 100644\nindex 3f034adc..00000000\n--- a/examples/pytorch_lightning_distributed/ssley.py\n+++ /dev/null\n@@ -1,77 +0,0 @@\n-# Note: The model and training settings do not follow the reference settings\n-# from the paper. The settings are chosen such that the example can easily be\n-# run on a small dataset with a single GPU.\n-\n-import pytorch_lightning as pl\n-import torch\n-import torchvision\n-from torch import nn\n-\n-from lightly.loss import SSLEYLoss\n-\n-## The projection head is the same as the Barlow Twins one\n-from lightly.models.modules.heads import VICRegProjectionHead\n-from lightly.transforms.vicreg_transform import VICRegTransform\n-\n-\n-class SSLEY(pl.LightningModule):\n- def __init__(self):\n- super().__init__()\n- resnet = torchvision.models.resnet18()\n- self.backbone = nn.Sequential(*list(resnet.children())[:-1])\n- self.projection_head = VICRegProjectionHead(\n- input_dim=512,\n- hidden_dim=2048,\n- output_dim=2048,\n- num_layers=2,\n- )\n-\n- # enable gather_distributed to gather features from all gpus\n- # before calculating the loss\n- self.criterion = SSLEYLoss(gather_distributed=True)\n-\n- def forward(self, x):\n- x = self.backbone(x).flatten(start_dim=1)\n- z = self.projection_head(x)\n- return z\n-\n- def training_step(self, batch, batch_index):\n- (x0, x1) = batch[0]\n- z0 = self.forward(x0)\n- z1 = self.forward(x1)\n- loss = self.criterion(z0, z1)\n- return loss\n-\n- def configure_optimizers(self):\n- optim = torch.optim.SGD(self.parameters(), lr=0.06)\n- return optim\n-\n-\n-model = SSLEY()\n-\n-transform = VICRegTransform(input_size=32)\n-dataset = torchvision.datasets.CIFAR10(\n- \"datasets/cifar10\", download=True, transform=transform\n-)\n-# or create a dataset from a folder containing images or videos:\n-# dataset = LightlyDataset(\"path/to/folder\", transform=transform)\n-\n-dataloader = torch.utils.data.DataLoader(\n- dataset,\n- batch_size=256,\n- shuffle=True,\n- drop_last=True,\n- num_workers=8,\n-)\n-\n-# Train with DDP and use Synchronized Batch Norm for a more accurate batch norm\n-# calculation. Distributed sampling is also enabled with replace_sampler_ddp=True.\n-trainer = pl.Trainer(\n- max_epochs=10,\n- devices=\"auto\",\n- accelerator=\"gpu\",\n- strategy=\"ddp\",\n- sync_batchnorm=True,\n- use_distributed_sampler=True, # or replace_sampler_ddp=True for PyTorch Lightning <2.0\n-)\n-trainer.fit(model=model, train_dataloaders=dataloader)\ndiff --git a/lightly/loss/ssley_loss.py b/lightly/loss/ssley_loss.py\ndeleted file mode 100644\nindex 74dc1e1e..00000000\n--- a/lightly/loss/ssley_loss.py\n+++ /dev/null\n@@ -1,140 +0,0 @@\n-import torch\n-import torch.distributed as dist\n-import torch.nn.functional as F\n-from torch import Tensor\n-\n-from lightly.utils.dist import gather\n-\n-\n-class SSLEYLoss(torch.nn.Module):\n- \"\"\"Implementation of the SSL-EY loss [0].\n-\n- - [0] Efficient Algorithms for the CCA Family: Unconstrained Objectives with Unbiased Gradients, 2022, https://arxiv.org/abs/2310.01012\n-\n- Attributes:\n- gather_distributed:\n- If True then the cross-correlation matrices from all gpus are gathered and\n- summed before the loss calculation.\n- eps:\n- Epsilon for numerical stability.\n-\n- Examples:\n-\n- >>> # initialize loss function\n- >>> loss_fn = SSLEYLoss()\n- >>>\n- >>> # generate two random transforms of images\n- >>> t0 = transforms(images)\n- >>> t1 = transforms(images)\n- >>>\n- >>> # feed through model\n- >>> out0, out1 = model(t0, t1)\n- >>>\n- >>> # calculate loss\n- >>> loss = loss_fn(out0, out1)\n- \"\"\"\n-\n- def __init__(\n- self,\n- gather_distributed: bool = False,\n- eps=0.0001,\n- ):\n- super(SSLEYLoss, self).__init__()\n- if gather_distributed and not dist.is_available():\n- raise ValueError(\n- \"gather_distributed is True but torch.distributed is not available. \"\n- \"Please set gather_distributed=False or install a torch version with \"\n- \"distributed support.\"\n- )\n-\n- self.lambda_param = lambda_param\n- self.mu_param = mu_param\n- self.nu_param = nu_param\n- self.gather_distributed = gather_distributed\n- self.eps = eps\n-\n- def forward(self, z_a: torch.Tensor, z_b: torch.Tensor) -> torch.Tensor:\n- \"\"\"Returns SSL-EY loss.\n-\n- Args:\n- z_a:\n- Tensor with shape (batch_size, ..., dim).\n- z_b:\n- Tensor with shape (batch_size, ..., dim).\n- \"\"\"\n- assert (\n- z_a.shape[0] > 1 and z_b.shape[0] > 1\n- ), f\"z_a and z_b must have batch size > 1 but found {z_a.shape[0]} and {z_b.shape[0]}\"\n- assert (\n- z_a.shape == z_b.shape\n- ), f\"z_a and z_b must have same shape but found {z_a.shape} and {z_b.shape}.\"\n-\n- # invariance term of the loss\n- inv_loss = invariance_loss(x=z_a, y=z_b)\n-\n- # gather all batches\n- if self.gather_distributed and dist.is_initialized():\n- world_size = dist.get_world_size()\n- if world_size > 1:\n- z_a = torch.cat(gather(z_a), dim=0)\n- z_b = torch.cat(gather(z_b), dim=0)\n-\n- var_loss = 0.5 * (\n- variance_loss(x=z_a, eps=self.eps) + variance_loss(x=z_b, eps=self.eps)\n- )\n- cov_loss = covariance_loss(x=z_a) + covariance_loss(x=z_b)\n-\n- loss = (\n- self.lambda_param * inv_loss\n- + self.mu_param * var_loss\n- + self.nu_param * cov_loss\n- )\n- return loss\n-\n-\n-def invariance_loss(x: Tensor, y: Tensor) -> Tensor:\n- \"\"\"Returns SSL-EY invariance loss.\n-\n- Args:\n- x:\n- Tensor with shape (batch_size, ..., dim).\n- y:\n- Tensor with shape (batch_size, ..., dim).\n- \"\"\"\n- return F.mse_loss(x, y)\n-\n-\n-def variance_loss(x: Tensor, eps: float = 0.0001) -> Tensor:\n- \"\"\"Returns SSL-EY variance loss.\n-\n- Args:\n- x:\n- Tensor with shape (batch_size, ..., dim).\n- eps:\n- Epsilon for numerical stability.\n- \"\"\"\n- x = x - x.mean(dim=0)\n- std = torch.sqrt(x.var(dim=0) + eps)\n- loss = torch.mean(F.relu(1.0 - std))\n- return loss\n-\n-\n-def covariance_loss(x: Tensor) -> Tensor:\n- \"\"\"Returns SSL-EY covariance loss.\n-\n- Generalized version of the covariance loss with support for tensors with more than\n- two dimensions.\n-\n- Args:\n- x:\n- Tensor with shape (batch_size, ..., dim).\n- \"\"\"\n- x = x - x.mean(dim=0)\n- batch_size = x.size(0)\n- dim = x.size(-1)\n- # nondiag_mask has shape (dim, dim) with 1s on all non-diagonal entries.\n- nondiag_mask = ~torch.eye(dim, device=x.device, dtype=torch.bool)\n- # cov has shape (..., dim, dim)\n- cov = torch.einsum(\"b...c,b...d->...cd\", x, x) / (batch_size - 1)\n- loss = cov[..., nondiag_mask].pow(2).sum(-1) / dim\n- return loss.mean()\ndiff --git a/lightly/utils/benchmarking/knn_classifier.py b/lightly/utils/benchmarking/knn_classifier.py\nindex 6b5b7a95..ab78bb8c 100644\n--- a/lightly/utils/benchmarking/knn_classifier.py\n+++ b/lightly/utils/benchmarking/knn_classifier.py\n@@ -6,7 +6,6 @@ from pytorch_lightning import LightningModule\n from torch import Tensor\n from torch.nn import Module\n \n-from lightly.models.utils import activate_requires_grad, deactivate_requires_grad\n from lightly.utils.benchmarking import knn_predict\n from lightly.utils.benchmarking.topk import mean_topk_accuracy\n \n@@ -97,6 +96,7 @@ class KNNClassifier(LightningModule):\n self._train_features_tensor: Union[Tensor, None] = None\n self._train_targets_tensor: Union[Tensor, None] = None\n \n+ @torch.no_grad()\n def training_step(self, batch, batch_idx) -> None:\n images, targets = batch[0], batch[1]\n features = self.model.forward(images).flatten(start_dim=1)\n@@ -141,13 +141,9 @@ class KNNClassifier(LightningModule):\n targets = targets.flatten().t().contiguous()\n self._train_targets_tensor = targets.to(self.device)\n \n- def on_fit_start(self) -> None:\n- # Freeze model weights.\n- deactivate_requires_grad(model=self.model)\n-\n- def on_fit_end(self) -> None:\n- # Unfreeze model weights.\n- activate_requires_grad(model=self.model)\n+ def on_train_epoch_start(self) -> None:\n+ # Set model to eval mode to disable norm layer updates.\n+ self.model.eval()\n \n def configure_optimizers(self) -> None:\n # configure_optimizers must be implemented for PyTorch Lightning. Returning None\ndiff --git a/lightly/utils/benchmarking/linear_classifier.py b/lightly/utils/benchmarking/linear_classifier.py\nindex 3fb76c6e..647b8dd4 100644\n--- a/lightly/utils/benchmarking/linear_classifier.py\n+++ b/lightly/utils/benchmarking/linear_classifier.py\n@@ -1,11 +1,11 @@\n from typing import Any, Dict, List, Tuple, Union\n \n+import torch\n from pytorch_lightning import LightningModule\n from torch import Tensor\n from torch.nn import CrossEntropyLoss, Linear, Module\n from torch.optim import SGD, Optimizer\n \n-from lightly.models.utils import activate_requires_grad, deactivate_requires_grad\n from lightly.utils.benchmarking.topk import mean_topk_accuracy\n from lightly.utils.scheduler import CosineWarmupScheduler\n \n@@ -93,7 +93,11 @@ class LinearClassifier(LightningModule):\n self.criterion = CrossEntropyLoss()\n \n def forward(self, images: Tensor) -> Tensor:\n- features = self.model.forward(images).flatten(start_dim=1)\n+ if self.freeze_model:\n+ with torch.no_grad():\n+ features = self.model.forward(images).flatten(start_dim=1)\n+ else:\n+ features = self.model.forward(images).flatten(start_dim=1)\n output: Tensor = self.classification_head(features)\n return output\n \n@@ -147,12 +151,7 @@ class LinearClassifier(LightningModule):\n }\n return [optimizer], [scheduler]\n \n- def on_fit_start(self) -> None:\n- # Freeze model weights.\n- if self.freeze_model:\n- deactivate_requires_grad(model=self.model)\n-\n- def on_fit_end(self) -> None:\n- # Unfreeze model weights.\n+ def on_train_epoch_start(self) -> None:\n if self.freeze_model:\n- activate_requires_grad(model=self.model)\n+ # Set model to eval mode to disable norm layer updates.\n+ self.model.eval()\ndiff --git a/tests/loss/test_SSLEYLoss.py b/tests/loss/test_SSLEYLoss.py\ndeleted file mode 100644\nindex a803e588..00000000\n--- a/tests/loss/test_SSLEYLoss.py\n+++ /dev/null\n@@ -1,67 +0,0 @@\n-import unittest\n-\n-import pytest\n-import torch\n-import torch.nn.functional as F\n-from pytest_mock import MockerFixture\n-from torch import Tensor\n-from torch import distributed as dist\n-\n-from lightly.loss import SSLEYLoss\n-\n-\n-class TestSSLEYLoss:\n- def test__gather_distributed(self, mocker: MockerFixture) -> None:\n- mock_is_available = mocker.patch.object(dist, \"is_available\", return_value=True)\n- SSLEYLoss(gather_distributed=True)\n- mock_is_available.assert_called_once()\n-\n- def test__gather_distributed_dist_not_available(\n- self, mocker: MockerFixture\n- ) -> None:\n- mock_is_available = mocker.patch.object(\n- dist, \"is_available\", return_value=False\n- )\n- with pytest.raises(ValueError):\n- SSLEYLoss(gather_distributed=True)\n- mock_is_available.assert_called_once()\n-\n-\n-class TestSSLEYLossUnitTest(unittest.TestCase):\n- # Old tests in unittest style, please add new tests to TestSSLEYLoss using pytest.\n- def test_forward_pass(self):\n- loss = SSLEYLoss()\n- for bsz in range(2, 4):\n- x0 = torch.randn((bsz, 32))\n- x1 = torch.randn((bsz, 32))\n-\n- # symmetry\n- l1 = loss(x0, x1)\n- l2 = loss(x1, x0)\n- self.assertAlmostEqual((l1 - l2).pow(2).item(), 0.0)\n-\n- @unittest.skipUnless(torch.cuda.is_available(), \"Cuda not available\")\n- def test_forward_pass_cuda(self):\n- loss = SSLEYLoss()\n- for bsz in range(2, 4):\n- x0 = torch.randn((bsz, 32)).cuda()\n- x1 = torch.randn((bsz, 32)).cuda()\n-\n- # symmetry\n- l1 = loss(x0, x1)\n- l2 = loss(x1, x0)\n- self.assertAlmostEqual((l1 - l2).pow(2).item(), 0.0)\n-\n- def test_forward_pass__error_batch_size_1(self):\n- loss = SSLEYLoss()\n- x0 = torch.randn((1, 32))\n- x1 = torch.randn((1, 32))\n- with self.assertRaises(AssertionError):\n- loss(x0, x1)\n-\n- def test_forward_pass__error_different_shapes(self):\n- loss = SSLEYLoss()\n- x0 = torch.randn((2, 32))\n- x1 = torch.randn((2, 16))\n- with self.assertRaises(AssertionError):\n- loss(x0, x1)\ndiff --git a/tests/utils/benchmarking/test_knn_classifier.py b/tests/utils/benchmarking/test_knn_classifier.py\nindex e8ccfc4f..1b776ce7 100644\n--- a/tests/utils/benchmarking/test_knn_classifier.py\n+++ b/tests/utils/benchmarking/test_knn_classifier.py\n@@ -61,7 +61,11 @@ class TestKNNClassifier:\n \n def _test__accelerator(self, accelerator: str, expected_device: str) -> None:\n torch.manual_seed(0)\n- model = nn.Linear(3, 2)\n+ linear = nn.Linear(3, 2)\n+ batch_norm = nn.BatchNorm1d(2)\n+ model = nn.Sequential(linear, batch_norm)\n+ initial_weights = linear.weight.clone()\n+ initial_bn_weights = batch_norm.weight.clone()\n classifier = KNNClassifier(model, num_classes=10, knn_k=20)\n trainer = Trainer(max_epochs=1, accelerator=accelerator, devices=1)\n train_features = torch.randn(40, 3)\n@@ -93,6 +97,16 @@ class TestKNNClassifier:\n assert classifier._train_features_tensor.device.type == expected_device\n assert classifier._train_targets_tensor.device.type == expected_device\n \n+ # Verify that model weights were not updated.\n+ assert torch.all(torch.eq(initial_weights, linear.weight))\n+ assert torch.all(torch.eq(initial_bn_weights, batch_norm.weight))\n+ # Verify that batch norm statistics were not updated. Note that even though the\n+ # running mean was not updated, it is still initialized to zero.\n+ assert batch_norm.running_mean is not None\n+ assert torch.all(\n+ torch.eq(batch_norm.running_mean, torch.zeros_like(batch_norm.running_mean))\n+ )\n+\n def test__features_dtype(self) -> None:\n model = nn.Identity()\n # Set feature_dtype to torch.int to test if classifier correctly changes dtype.\ndiff --git a/tests/utils/benchmarking/test_linear_classifier.py b/tests/utils/benchmarking/test_linear_classifier.py\nindex 6118733d..14d2e2ef 100644\n--- a/tests/utils/benchmarking/test_linear_classifier.py\n+++ b/tests/utils/benchmarking/test_linear_classifier.py\n@@ -68,8 +68,10 @@ class TestLinearClassifier:\n train_dataloader = DataLoader(dataset, batch_size=2)\n val_dataloader = DataLoader(dataset, batch_size=2)\n linear = nn.Linear(3 * 8 * 8, 4)\n- model = nn.Sequential(nn.Flatten(), linear)\n+ batch_norm = nn.BatchNorm1d(4)\n+ model = nn.Sequential(nn.Flatten(), linear, batch_norm)\n initial_weights = linear.weight.clone()\n+ initial_bn_weights = batch_norm.weight.clone()\n linear_classifier = LinearClassifier(\n model=model,\n batch_size_per_device=2,\n@@ -97,6 +99,13 @@ class TestLinearClassifier:\n \n # Verify that model weights were not updated.\n assert torch.all(torch.eq(initial_weights, linear.weight))\n+ assert torch.all(torch.eq(initial_bn_weights, batch_norm.weight))\n+ # Verify that batch norm statistics were not updated. Note that even though the\n+ # running mean was not updated, it is still initialized to zero.\n+ assert batch_norm.running_mean is not None\n+ assert torch.all(\n+ torch.eq(batch_norm.running_mean, torch.zeros_like(batch_norm.running_mean))\n+ )\n # Verify that head weights were updated.\n assert not torch.all(\n torch.eq(initial_head_weights, linear_classifier.classification_head.weight)\n", "difficulty": 2, "changed_files": ["README.md", "benchmarks/imagenet/resnet50/main.py", "benchmarks/imagenet/resnet50/ssley.py", "docs/source/examples/ssley.rst", "docs/source/getting_started/benchmarks/imagenette_benchmark.py", "docs/source/lightly.loss.rst", "examples/pytorch/ssley.py", "examples/pytorch_lightning/ssley.py", "examples/pytorch_lightning_distributed/ssley.py", "lightly/loss/ssley_loss.py", "lightly/utils/benchmarking/knn_classifier.py", "lightly/utils/benchmarking/linear_classifier.py", "tests/loss/test_SSLEYLoss.py", "tests/utils/benchmarking/test_knn_classifier.py", "tests/utils/benchmarking/test_linear_classifier.py"], "commit_link": "https://github.com/lightly-ai/lightly/tree/fbd64389f7fdbfc6cb7e2c7f5604fb18edf4530e"} \ No newline at end of file diff --git a/data/python/fc6215f.json b/data/python/fc6215f.json new file mode 100644 index 0000000000000000000000000000000000000000..22fd59940d2245176a96ac3e40cb4a3fcd4fcee7 --- /dev/null +++ b/data/python/fc6215f.json @@ -0,0 +1 @@ +{"language": "Python", "id": 49, "repo_owner": "pylint-dev", "repo_name": "pylint", "head_branch": "nested-min-max-matrix", "workflow_name": "Checks", "workflow_filename": "checks.yaml", "workflow_path": ".github/workflows/checks.yaml", "contributor": "udifuchs", "sha_fail": "fc6215f93ad9e2be8a32dc18b75a3f5bf6381a16", "sha_success": "f9dc6c814fa1fae3ef9f68b3e906a550e27238b2", "workflow": "name: Checks\n\non:\n push:\n branches:\n - main\n - \"maintenance/**\"\n pull_request:\n branches:\n - main\n - \"maintenance/**\"\n\nenv:\n CACHE_VERSION: 1\n KEY_PREFIX: base-venv\n DEFAULT_PYTHON: \"3.11\"\n PRE_COMMIT_CACHE: ~/.cache/pre-commit\n\nconcurrency:\n group: ${{ github.workflow }}-${{ github.event.pull_request.number || github.ref }}\n cancel-in-progress: true\n\npermissions:\n contents: read\n\njobs:\n prepare-base:\n name: Prepare base dependencies\n runs-on: ubuntu-latest\n timeout-minutes: 10\n outputs:\n python-key: ${{ steps.generate-python-key.outputs.key }}\n pre-commit-key: ${{ steps.generate-pre-commit-key.outputs.key }}\n steps:\n - name: Check out code from GitHub\n uses: actions/checkout@v4.1.1\n - name: Set up Python ${{ env.DEFAULT_PYTHON }}\n id: python\n uses: actions/setup-python@v5.0.0\n with:\n python-version: ${{ env.DEFAULT_PYTHON }}\n check-latest: true\n - name: Generate partial Python venv restore key\n id: generate-python-key\n run: >-\n echo \"key=${{ env.KEY_PREFIX }}-${{ env.CACHE_VERSION }}-${{\n hashFiles('pyproject.toml', 'requirements_test.txt',\n 'requirements_test_min.txt', 'requirements_test_pre_commit.txt') }}\" >>\n $GITHUB_OUTPUT\n - name: Restore Python virtual environment\n id: cache-venv\n uses: actions/cache@v3.3.2\n with:\n path: venv\n key: >-\n ${{ runner.os }}-${{ steps.python.outputs.python-version }}-${{\n steps.generate-python-key.outputs.key }}\n - name: Create Python virtual environment\n if: steps.cache-venv.outputs.cache-hit != 'true'\n run: |\n python -m venv venv\n . venv/bin/activate\n python -m pip install -U pip setuptools wheel\n pip install -U -r requirements_test.txt\n pip install -U -r doc/requirements.txt\n pip install pre-commit\n - name: Generate pre-commit restore key\n id: generate-pre-commit-key\n run: >-\n echo \"key=pre-commit-${{ env.CACHE_VERSION }}-${{\n hashFiles('.pre-commit-config.yaml') }}\" >> $GITHUB_OUTPUT\n - name: Restore pre-commit environment\n id: cache-precommit\n uses: actions/cache@v3.3.2\n with:\n path: ${{ env.PRE_COMMIT_CACHE }}\n key: >-\n ${{ runner.os }}-${{ steps.generate-pre-commit-key.outputs.key }}\n - name: Install pre-commit dependencies\n if: steps.cache-precommit.outputs.cache-hit != 'true'\n run: |\n . venv/bin/activate\n pre-commit install --install-hooks\n\n pylint:\n name: pylint\n runs-on: ubuntu-latest\n timeout-minutes: 10\n needs: prepare-base\n steps:\n - name: Check out code from GitHub\n uses: actions/checkout@v4.1.1\n - name: Set up Python ${{ env.DEFAULT_PYTHON }}\n id: python\n uses: actions/setup-python@v5.0.0\n with:\n python-version: ${{ env.DEFAULT_PYTHON }}\n check-latest: true\n - name: Restore Python virtual environment\n id: cache-venv\n uses: actions/cache@v3.3.2\n with:\n path: venv\n fail-on-cache-miss: true\n key:\n ${{ runner.os }}-${{ steps.python.outputs.python-version }}-${{\n needs.prepare-base.outputs.python-key }}\n - name: Restore pre-commit environment\n id: cache-precommit\n uses: actions/cache@v3.3.2\n with:\n path: ${{ env.PRE_COMMIT_CACHE }}\n fail-on-cache-miss: true\n key: ${{ runner.os }}-${{ needs.prepare-base.outputs.pre-commit-key }}\n - name: Install enchant and aspell\n run: |\n sudo apt-get update\n sudo apt-get install enchant-2 aspell-en\n - name: Run pylint checks\n run: |\n . venv/bin/activate\n pip install .\n pip list | grep 'astroid\\|pylint'\n pre-commit run --hook-stage manual pylint-with-spelling --all-files\n\n spelling:\n name: spelling tests\n runs-on: ubuntu-latest\n timeout-minutes: 5\n needs: prepare-base\n steps:\n - name: Check out code from GitHub\n uses: actions/checkout@v4.1.1\n - name: Set up Python ${{ env.DEFAULT_PYTHON }}\n id: python\n uses: actions/setup-python@v5.0.0\n with:\n python-version: ${{ env.DEFAULT_PYTHON }}\n check-latest: true\n - name: Restore Python virtual environment\n id: cache-venv\n uses: actions/cache@v3.3.2\n with:\n path: venv\n fail-on-cache-miss: true\n key:\n ${{ runner.os }}-${{ steps.python.outputs.python-version }}-${{\n needs.prepare-base.outputs.python-key }}\n - name: Run spelling checks\n run: |\n . venv/bin/activate\n pytest tests/ -k unittest_spelling\n\n documentation:\n name: documentation\n runs-on: ubuntu-latest\n timeout-minutes: 20\n needs: prepare-base\n steps:\n - name: Check out code from GitHub\n uses: actions/checkout@v4.1.1\n - name: Set up Python ${{ env.DEFAULT_PYTHON }}\n id: python\n uses: actions/setup-python@v5.0.0\n with:\n python-version: ${{ env.DEFAULT_PYTHON }}\n check-latest: true\n - name: Restore Python virtual environment\n id: cache-venv\n uses: actions/cache@v3.3.2\n with:\n path: venv\n fail-on-cache-miss: true\n key:\n ${{ runner.os }}-${{ steps.python.outputs.python-version }}-${{\n needs.prepare-base.outputs.python-key }}\n - name: Run checks on documentation code examples\n run: |\n . venv/bin/activate\n tox -e test_doc\n - name: Check documentation build and links\n run: |\n . venv/bin/activate\n cd doc\n pre-commit run --hook-stage push sphinx-generated-doc --all-files || {\n git diff ; \\\n echo \"Make sure that there are no modifications locally when launching 'make html'\" ; \\\n exit 1; \\\n }\n", "logs": [{"step_name": "pylint/7_Run pylint checks.txt", "log": "##[group]Run . venv/bin/activate\n\u001b[36;1m. venv/bin/activate\u001b[0m\n\u001b[36;1mpip install .\u001b[0m\n\u001b[36;1mpip list | grep 'astroid\\|pylint'\u001b[0m\n\u001b[36;1mpre-commit run --hook-stage manual pylint-with-spelling --all-files\u001b[0m\nshell: /usr/bin/bash -e {0}\nenv:\n CACHE_VERSION: 1\n KEY_PREFIX: base-venv\n DEFAULT_PYTHON: 3.11\n PRE_COMMIT_CACHE: ~/.cache/pre-commit\n pythonLocation: /opt/hostedtoolcache/Python/3.11.7/x64\n PKG_CONFIG_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib/pkgconfig\n Python_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python2_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n Python3_ROOT_DIR: /opt/hostedtoolcache/Python/3.11.7/x64\n LD_LIBRARY_PATH: /opt/hostedtoolcache/Python/3.11.7/x64/lib\n##[endgroup]\nProcessing /home/runner/work/pylint/pylint\n Installing build dependencies: started\n Installing build dependencies: finished with status 'done'\n Getting requirements to build wheel: started\n Getting requirements to build wheel: finished with status 'done'\n Installing backend dependencies: started\n Installing backend dependencies: finished with status 'done'\n Preparing metadata (pyproject.toml): started\n Preparing metadata (pyproject.toml): finished with status 'done'\nRequirement already satisfied: platformdirs>=2.2.0 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (4.1.0)\nRequirement already satisfied: astroid<=3.1.0-dev0,>=3.0.2 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (3.0.2)\nRequirement already satisfied: isort!=5.13.0,<6,>=4.2.5 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (5.13.1)\nRequirement already satisfied: mccabe<0.8,>=0.6 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (0.7.0)\nRequirement already satisfied: tomlkit>=0.10.1 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (0.11.8)\nRequirement already satisfied: dill>=0.3.6 in ./venv/lib/python3.11/site-packages (from pylint==3.1.0.dev0) (0.3.7)\nBuilding wheels for collected packages: pylint\n Building wheel for pylint (pyproject.toml): started\n Building wheel for pylint (pyproject.toml): finished with status 'done'\n Created wheel for pylint: filename=pylint-3.1.0.dev0-py3-none-any.whl size=514430 sha256=db7e3c76f36ec30e4e1c43c9ae58874e22c3211dc22bb045beaded567449b492\n Stored in directory: /tmp/pip-ephem-wheel-cache-libboaxs/wheels/28/6f/a2/f1ddc6eb86131657c068cb2bffe5fc77d929f0c0dfdc66abfb\nSuccessfully built pylint\nInstalling collected packages: pylint\n Attempting uninstall: pylint\n Found existing installation: pylint 3.1.0.dev0\n Uninstalling pylint-3.1.0.dev0:\n Successfully uninstalled pylint-3.1.0.dev0\nSuccessfully installed pylint-3.1.0.dev0\n\n[notice] A new release of pip is available: 23.3.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\n\n[notice] A new release of pip is available: 23.3.1 -> 23.3.2\n[notice] To update, run: pip install --upgrade pip\nastroid 3.0.2\npylint 3.1.0.dev0\npylint...................................................................Failed\n- hook id: pylint\n- exit code: 16\n\n************* Module pylint.checkers.nested_min_max\npylint/checkers/nested_min_max.py:70:0: C0401: Wrong spelling of a word 'redunant' in a comment:\n# Meaning, redunant call only if parent max call has more than 1 arg.\n ^^^^^^^^\nDid you mean: ''redundant' or 'redundancy''? (wrong-spelling-in-comment)\n\n##[error]Process completed with exit code 1.\n"}], "diff": "diff --git a/pylint/checkers/nested_min_max.py b/pylint/checkers/nested_min_max.py\nindex ccee2e68e..c8231fe7d 100644\n--- a/pylint/checkers/nested_min_max.py\n+++ b/pylint/checkers/nested_min_max.py\n@@ -67,7 +67,7 @@ class NestedMinMaxChecker(BaseChecker):\n and arg.func.name == node.func.name\n # Nesting is useful for finding the maximum in a matrix.\n # Allow: max(max([[1, 2, 3], [4, 5, 6]]))\n- # Meaning, redunant call only if parent max call has more than 1 arg.\n+ # Meaning, redundant call only if parent max call has more than 1 arg.\n and len(arg.parent.args) > 1\n )\n ]\n", "difficulty": 0, "changed_files": ["pylint/checkers/nested_min_max.py"], "commit_link": "https://github.com/pylint-dev/pylint/tree/fc6215f93ad9e2be8a32dc18b75a3f5bf6381a16"} \ No newline at end of file